diff --git a/challenge/challenge.ipynb b/challenge/challenge.ipynb
new file mode 100644
index 0000000000000000000000000000000000000000..949c1f330723e4b050f02d462beedf2f5fc920bc
--- /dev/null
+++ b/challenge/challenge.ipynb
@@ -0,0 +1,377 @@
+{
+ "cells": [
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "# Feature engineering for part-of-speech tagging"
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "In this challenge, you will practice your skills in feature engineering, the task of identifying useful features for a machine learning system."
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "## The data set"
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "The data for this challenge and their representation is the same as for lab L4 on dependency parsing, but for this lab we have converted the data into a simpler format: words and their part-of-speech tags are separated by tabs, sentences are separated by empty lines. The code in the next cell defines a container class for data with this format."
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": null,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "class Dataset():\n",
+    "\n",
+    "    def __init__(self, filename):\n",
+    "        self.filename = filename\n",
+    "\n",
+    "    def __iter__(self):\n",
+    "        tmp = []\n",
+    "        with open(self.filename, 'rt', encoding='utf-8') as lines:\n",
+    "            for line in lines:\n",
+    "                line = line.rstrip()\n",
+    "                if line:\n",
+    "                    tmp.append(tuple(line.split('\\t')))\n",
+    "                else:\n",
+    "                    yield tmp\n",
+    "                    tmp = []"
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "We load the training data and the development data for this lab:"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": null,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "train_data = Dataset('train.txt')\n",
+    "dev_data = Dataset('dev.txt')"
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "Both data sets consist of **tagged sentences**. On the Python side of things, a tagged sentence is represented as a list of string pairs, where the first component of each pair represents a word token and the second component represents the word’s tag. The possible tags are listed and exemplified in the [Annotation Guidelines](http://universaldependencies.org/u/pos/all.html) of the Universal Dependencies Project."
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "## Baseline tagger"
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "The baseline tagger that you will use in this lab is a pure Python implementation of the perceptron tagger that was presented in the video lectures on [Part-of-speech tagging with the perceptron](https://web.microsoftstream.com/video/1a846d64-57e9-41ba-a3ca-3ab74cf32039) and [The perceptron learning algorithm](https://web.microsoftstream.com/video/1a69c6d6-35e1-42dc-81ba-8b5e52208831). To understand what the code provided here does, and how it might be extended with new features, you should watch these two lectures."
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "### Linear model"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": null,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "from collections import defaultdict\n",
+    "\n",
+    "class Linear(object):\n",
+    "\n",
+    "    def __init__(self, classes):\n",
+    "        self.classes = sorted(classes)\n",
+    "        self.weight = {c: defaultdict(float) for c in self.classes}\n",
+    "        self.bias = {c: 0.0 for c in self.classes}\n",
+    "\n",
+    "    def forward(self, features):\n",
+    "        scores = {}\n",
+    "        for c in self.classes:\n",
+    "            scores[c] = self.bias[c]\n",
+    "            for f, v in features.items():\n",
+    "                scores[c] += v * self.weight[c][f]\n",
+    "        return scores"
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "### Perceptron learning algorithm"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": null,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "class PerceptronTrainer(object):\n",
+    "\n",
+    "    def __init__(self, model):\n",
+    "        self.model = model\n",
+    "        self._acc = Linear(model.classes)\n",
+    "        self._counter = 1\n",
+    "\n",
+    "    def update(self, features, gold):\n",
+    "        scores = self.model.forward(features)\n",
+    "        pred = max(self.model.classes, key=lambda c: scores[c])\n",
+    "        if pred != gold:\n",
+    "            self.model.bias[gold] += 1\n",
+    "            self.model.bias[pred] -= 1\n",
+    "            self._acc.bias[gold] += self._counter\n",
+    "            self._acc.bias[pred] -= self._counter\n",
+    "            for f, v in features.items():\n",
+    "                self.model.weight[gold][f] += v\n",
+    "                self.model.weight[pred][f] -= v\n",
+    "                self._acc.weight[gold][f] += v * self._counter\n",
+    "                self._acc.weight[pred][f] -= v * self._counter\n",
+    "        self._counter += 1\n",
+    "\n",
+    "    def finalize(self):\n",
+    "        for c in self.model.classes:\n",
+    "            delta_b = self._acc.bias[c] / self._counter\n",
+    "            self.model.bias[c] -= delta_b\n",
+    "            for feat in self.model.weight[c]:\n",
+    "                delta_w = self._acc.weight[c][feat] / self._counter\n",
+    "                self.model.weight[c][feat] -= delta_w"
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "### Perceptron tagger"
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "This is the part of the code that you will have to modify."
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": null,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "class PerceptronTagger(object):\n",
+    "\n",
+    "    def __init__(self, tags):\n",
+    "        self.model = Linear(tags)\n",
+    "\n",
+    "    def featurize(self, words, i, pred_tags):\n",
+    "        # TODO: This is the only method that you are allowed to change!\n",
+    "        feats = []\n",
+    "        feats.append(words[i])\n",
+    "        feats.append(words[i-1] if i > 0 else '<bos>')\n",
+    "        feats.append(words[i+1] if i + 1 < len(words) else '<eos>')\n",
+    "        feats.append(pred_tags[i-1] if i > 0 else '<bos>')\n",
+    "        return {(i, f): 1 for i, f in enumerate(feats)}\n",
+    "\n",
+    "    def predict(self, words):\n",
+    "        pred_tags = []\n",
+    "        for i, _ in enumerate(words):\n",
+    "            features = self.featurize(words, i, pred_tags)\n",
+    "            scores = self.model.forward(features)\n",
+    "            pred_tag = max(self.model.classes, key=lambda c: scores[c])\n",
+    "            pred_tags.append(pred_tag)\n",
+    "        return pred_tags"
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "### Training loop"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": null,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "from tqdm import tqdm\n",
+    "\n",
+    "def train_perceptron(train_data, n_epochs=1):\n",
+    "    # Collect the tags in the training data\n",
+    "    tags = set()\n",
+    "    for tagged_sentence in train_data:\n",
+    "        words, gold_tags = zip(*tagged_sentence)\n",
+    "        tags.update(gold_tags)\n",
+    "\n",
+    "    # Initialise and train the perceptron tagger\n",
+    "    tagger = PerceptronTagger(tags)\n",
+    "    trainer = PerceptronTrainer(tagger.model)\n",
+    "    for epoch in range(n_epochs):\n",
+    "        with tqdm(total=sum(1 for s in train_data)) as pbar:\n",
+    "            for tagged_sentence in train_data:\n",
+    "                words, gold_tags = zip(*tagged_sentence)\n",
+    "                pred_tags = []\n",
+    "                for i, gold_tag in enumerate(gold_tags):\n",
+    "                    features = tagger.featurize(words, i, pred_tags)\n",
+    "                    trainer.update(features, gold_tag)\n",
+    "                    pred_tags.append(gold_tag)\n",
+    "                pbar.update()\n",
+    "    trainer.finalize()\n",
+    "\n",
+    "    return tagger"
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "## Evaluation"
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "The following function that computes the accuracy of the tagger on gold-standard data."
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "## Feature engineering"
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "Your task now is to try to improve the performance of the perceptron tagger by adding new features. The only part of the code that you are allowed to change is the `featurize` method. Provide a short (ca. 150&nbsp;words) report on what features you added and what results you obtained."
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "**⚠️ To claim the bonus points for this challenge, your submitted notebook must contain output demonstrating at least 91% accuracy on the development set.**"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": null,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "tagger = train_perceptron(train_data, n_epochs=3)\n",
+    "print('{:.4f}'.format(accuracy(tagger, dev_data)))"
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "*TODO: Insert your report here*"
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "## Chocolate Box Challenge"
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "To participate in the [Chocolate Box Challenge](https://www.kaggle.com/t/ce6f010bfb99478fb20830735c6f4a03), run the next code cell to produce a file `submission.csv` and upload this file to Kaggle."
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": null,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "# Load the test data (without the tags)\n",
+    "test_data = Dataset('test-notags.txt')\n",
+    "\n",
+    "# Generate submission.csv with results on both the dev data and the test data\n",
+    "with open('submission.csv', 'w') as target:\n",
+    "    target.write('Id,Tag\\n')\n",
+    "    for p, data in [('D', dev_data), ('T', test_data)]:\n",
+    "        for i, tagged_sentence in enumerate(data):\n",
+    "            words, _ = zip(*tagged_sentence)\n",
+    "            predicted_tags = tagger.predict(words)\n",
+    "            for j, tag in enumerate(predicted_tags):\n",
+    "                target.write('{}-{:04d}-{:04d},{}\\n'.format(p, i, j, tag))"
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "Please observe the following rules for the Chocolate Box Challenge:\n",
+    "\n",
+    "> The point of the challenge is to come up with interesting features. You are not allowed to change the tagger in any other way.\n",
+    "\n",
+    "Good luck, and may the best team win! 🙂"
+   ]
+  }
+ ],
+ "metadata": {
+  "kernelspec": {
+   "display_name": "Python 3 (ipykernel)",
+   "language": "python",
+   "name": "python3"
+  },
+  "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.10.10"
+  },
+  "latex_envs": {
+   "bibliofile": "biblio.bib",
+   "cite_by": "apalike",
+   "current_citInitial": 1,
+   "eqLabelWithNumbers": true,
+   "eqNumInitial": 0
+  }
+ },
+ "nbformat": 4,
+ "nbformat_minor": 1
+}
diff --git a/challenge/dev.txt b/challenge/dev.txt
new file mode 100644
index 0000000000000000000000000000000000000000..3169a6aeaf824784ae5dfbdf5bc4f2996c437b09
--- /dev/null
+++ b/challenge/dev.txt
@@ -0,0 +1,27150 @@
+From	ADP
+the	DET
+AP	PROPN
+comes	VERB
+this	DET
+story	NOUN
+:	PUNCT
+
+President	PROPN
+Bush	PROPN
+on	ADP
+Tuesday	PROPN
+nominated	VERB
+two	NUM
+individuals	NOUN
+to	PART
+replace	VERB
+retiring	VERB
+jurists	NOUN
+on	ADP
+federal	ADJ
+courts	NOUN
+in	ADP
+the	DET
+Washington	PROPN
+area	NOUN
+.	PUNCT
+
+Bush	PROPN
+nominated	VERB
+Jennifer	PROPN
+M.	PROPN
+Anderson	PROPN
+for	ADP
+a	DET
+15	NUM
+-	PUNCT
+year	NOUN
+term	NOUN
+as	ADP
+associate	ADJ
+judge	NOUN
+of	ADP
+the	DET
+Superior	PROPN
+Court	PROPN
+of	ADP
+the	DET
+District	PROPN
+of	ADP
+Columbia	PROPN
+,	PUNCT
+replacing	VERB
+Steffen	PROPN
+W.	PROPN
+Graae	PROPN
+.	PUNCT
+
+***	PUNCT
+
+Bush	PROPN
+also	ADV
+nominated	VERB
+A.	PROPN
+Noel	PROPN
+Anketell	PROPN
+Kramer	PROPN
+for	ADP
+a	DET
+15	NUM
+-	PUNCT
+year	NOUN
+term	NOUN
+as	ADP
+associate	ADJ
+judge	NOUN
+of	ADP
+the	DET
+District	PROPN
+of	ADP
+Columbia	PROPN
+Court	PROPN
+of	ADP
+Appeals	PROPN
+,	PUNCT
+replacing	VERB
+John	PROPN
+Montague	PROPN
+Steadman	PROPN
+.	PUNCT
+
+The	DET
+sheikh	NOUN
+in	ADP
+wheel	NOUN
+-	PUNCT
+chair	NOUN
+has	AUX
+been	AUX
+attacked	VERB
+with	ADP
+a	DET
+F	NOUN
+-	PUNCT
+16	NUM
+-	PUNCT
+launched	VERB
+bomb	NOUN
+.	PUNCT
+
+He	PRON
+could	AUX
+be	AUX
+killed	VERB
+years	NOUN
+ago	ADV
+and	CCONJ
+the	DET
+israelians	PROPN
+have	VERB
+all	DET
+the	DET
+reasons	NOUN
+,	PUNCT
+since	SCONJ
+he	PRON
+founded	VERB
+and	CCONJ
+he	PRON
+is	AUX
+the	DET
+spiritual	ADJ
+leader	NOUN
+of	ADP
+Hamas	PROPN
+,	PUNCT
+but	CCONJ
+they	PRON
+did	VERB
+n't	PART
+.	PUNCT
+
+Today	NOUN
+'s	PART
+incident	NOUN
+proves	VERB
+that	SCONJ
+Sharon	PROPN
+has	AUX
+lost	VERB
+his	PRON
+patience	NOUN
+and	CCONJ
+his	PRON
+hope	NOUN
+in	ADP
+peace	NOUN
+.	PUNCT
+
+Nervous	ADJ
+people	NOUN
+make	VERB
+mistakes	NOUN
+,	PUNCT
+so	ADV
+I	PRON
+suppose	VERB
+there	PRON
+will	AUX
+be	VERB
+a	DET
+wave	NOUN
+of	ADP
+succesfull	ADJ
+arab	ADJ
+attacks	NOUN
+.	PUNCT
+
+A	X
+la	X
+guerre	X
+c'est	X
+comme	X
+a	X
+la	X
+guerre	X
+!	PUNCT
+
+In	ADP
+the	DET
+eastern	ADJ
+city	NOUN
+of	ADP
+Baqubah	PROPN
+,	PUNCT
+guerrillas	NOUN
+detonated	VERB
+a	DET
+car	NOUN
+bomb	NOUN
+outside	ADP
+a	DET
+police	NOUN
+station	NOUN
+,	PUNCT
+killing	VERB
+several	ADJ
+people	NOUN
+.	PUNCT
+
+The	DET
+US	PROPN
+lost	VERB
+yet	ADV
+another	DET
+helicopter	NOUN
+to	ADP
+hostile	ADJ
+fire	NOUN
+near	ADP
+Habbaniyah	PROPN
+in	ADP
+the	DET
+Sunni	ADJ
+heartland	NOUN
+,	PUNCT
+but	CCONJ
+this	DET
+time	NOUN
+the	DET
+crew	NOUN
+was	AUX
+safe	ADJ
+.	PUNCT
+
+In	ADP
+Fallujah	PROPN
+,	PUNCT
+hundreds	NOUN
+of	ADP
+demonstrators	NOUN
+came	VERB
+out	ADV
+against	ADP
+US	PROPN
+troops	NOUN
+when	ADV
+they	PRON
+briefly	ADV
+arrested	VERB
+a	DET
+yound	ADJ
+newlywed	ADJ
+bride	NOUN
+.	PUNCT
+
+(	PUNCT
+I	PRON
+hope	VERB
+that	SCONJ
+the	DET
+US	PROPN
+army	NOUN
+got	VERB
+an	DET
+enormous	ADJ
+amount	NOUN
+of	ADP
+information	NOUN
+from	ADP
+her	PRON
+relatives	NOUN
+,	PUNCT
+because	SCONJ
+otherwise	ADV
+this	DET
+move	NOUN
+was	AUX
+a	DET
+bad	ADJ
+,	PUNCT
+bad	ADJ
+tradeoff	NOUN
+)	PUNCT
+.	PUNCT
+
+The	DET
+US	PROPN
+troops	NOUN
+fired	VERB
+into	ADP
+the	DET
+hostile	ADJ
+crowd	NOUN
+,	PUNCT
+killing	VERB
+4	NUM
+.	PUNCT
+
+It	PRON
+seems	VERB
+clear	ADJ
+to	ADP
+me	PRON
+that	SCONJ
+the	DET
+manhunt	NOUN
+for	ADP
+high	ADJ
+Baath	PROPN
+officials	NOUN
+in	ADP
+the	DET
+Sunni	ADJ
+heartland	NOUN
+is	AUX
+being	AUX
+done	VERB
+wrong	ADV
+,	PUNCT
+or	CCONJ
+at	ADV
+least	ADV
+in	ADP
+ways	NOUN
+that	PRON
+are	AUX
+bad	ADJ
+for	ADP
+US	PROPN
+standing	NOUN
+with	ADP
+local	ADJ
+Iraqis	PROPN
+.	PUNCT
+
+Google	PROPN
+has	AUX
+finally	ADV
+had	VERB
+an	DET
+analyst	NOUN
+day	NOUN
+--	PUNCT
+a	DET
+chance	NOUN
+to	PART
+present	VERB
+the	DET
+company	NOUN
+'s	PART
+story	NOUN
+to	ADP
+the	DET
+(	PUNCT
+miniscule	ADJ
+number	NOUN
+of	ADP
+)	PUNCT
+people	NOUN
+who	PRON
+have	AUX
+n't	PART
+heard	VERB
+it	PRON
+.	PUNCT
+
+Usually	ADV
+,	PUNCT
+these	PRON
+are	AUX
+just	ADV
+a	DET
+chance	NOUN
+for	SCONJ
+the	DET
+suckups	NOUN
+to	PART
+suck	VERB
+up	ADP
+,	PUNCT
+but	CCONJ
+this	DET
+time	NOUN
+people	NOUN
+are	AUX
+actually	ADV
+concerned	ADJ
+about	ADP
+the	DET
+company	NOUN
+'s	PART
+plans	NOUN
+.	PUNCT
+
+They	PRON
+work	VERB
+on	ADP
+Wall	PROPN
+Street	PROPN
+,	PUNCT
+after	ADV
+all	ADV
+,	PUNCT
+so	ADV
+when	ADV
+they	PRON
+hear	VERB
+a	DET
+company	NOUN
+who's	PRON
+stated	VERB
+goals	NOUN
+include	VERB
+"	PUNCT
+Do	AUX
+n't	PART
+be	AUX
+evil	ADJ
+,	PUNCT
+"	PUNCT
+they	PRON
+imagine	VERB
+a	DET
+company	NOUN
+who's	PRON
+eventually	ADJ
+history	NOUN
+will	AUX
+be	VERB
+"	PUNCT
+Do	AUX
+n't	PART
+be	AUX
+profitable	ADJ
+.	PUNCT
+"	PUNCT
+
+It	PRON
+'s	AUX
+not	PART
+quite	ADV
+as	ADV
+freewheeling	ADJ
+an	DET
+environment	NOUN
+as	SCONJ
+you	PRON
+'d	AUX
+imagine	VERB
+:	PUNCT
+Sergey	PROPN
+Brin	PROPN
+has	AUX
+actually	ADV
+created	VERB
+a	DET
+mathematical	ADJ
+'	PUNCT
+proof	NOUN
+'	PUNCT
+that	SCONJ
+the	DET
+company	NOUN
+'s	PART
+self	NOUN
+-	PUNCT
+driven	VERB
+research	NOUN
+strategy	NOUN
+,	PUNCT
+which	PRON
+gives	VERB
+employees	NOUN
+one	NUM
+day	NOUN
+a	DET
+week	NOUN
+to	PART
+do	VERB
+research	NOUN
+projects	NOUN
+on	ADP
+their	PRON
+own	ADJ
+,	PUNCT
+is	AUX
+a	DET
+good	ADJ
+,	PUNCT
+respectable	ADJ
+idea	NOUN
+.	PUNCT
+
+Read	VERB
+the	DET
+entire	ADJ
+article	NOUN
+;	PUNCT
+there	PRON
+'s	VERB
+a	DET
+punchline	NOUN
+,	PUNCT
+too	ADV
+.	PUNCT
+
+My	PRON
+opinion	NOUN
+piece	NOUN
+on	ADP
+the	DET
+implications	NOUN
+of	ADP
+Arafat	PROPN
+'s	PART
+passing	NOUN
+for	ADP
+al	PROPN
+-	PUNCT
+Qaeda	PROPN
+has	AUX
+appeared	VERB
+at	ADP
+Newsday	PROPN
+.	PUNCT
+
+Excerpt	NOUN
+:	PUNCT
+
+"	PUNCT
+Arafat	PROPN
+'s	PART
+secular	ADJ
+nationalism	NOUN
+was	AUX
+supple	ADJ
+enough	ADV
+to	PART
+compromise	VERB
+with	ADP
+Israel	PROPN
+and	CCONJ
+to	PART
+imagine	VERB
+a	DET
+two	NUM
+-	PUNCT
+state	NOUN
+solution	NOUN
+,	PUNCT
+even	ADV
+if	SCONJ
+the	DET
+road	NOUN
+of	ADP
+negotiations	NOUN
+remained	VERB
+rocky	ADJ
+.	PUNCT
+
+The	DET
+continued	VERB
+Israeli	ADJ
+colonization	NOUN
+of	ADP
+the	DET
+occupied	VERB
+Palestinian	PROPN
+territories	PROPN
+during	ADP
+the	DET
+1990s	NOUN
+helped	VERB
+,	PUNCT
+along	ADP
+with	ADP
+terrorist	ADJ
+attacks	NOUN
+by	ADP
+radical	ADJ
+groups	NOUN
+such	ADJ
+as	ADP
+Hamas	PROPN
+,	PUNCT
+to	PART
+derail	VERB
+the	DET
+peace	NOUN
+process	NOUN
+,	PUNCT
+which	PRON
+Sharon	PROPN
+had	AUX
+always	ADV
+opposed	VERB
+.	PUNCT
+
+Arafat	PROPN
+'s	PART
+death	NOUN
+creates	VERB
+a	DET
+vacuum	NOUN
+in	ADP
+Palestinian	ADJ
+leadership	NOUN
+that	PRON
+will	AUX
+not	PART
+soon	ADV
+be	AUX
+filled	VERB
+.	PUNCT
+
+Sharon	PROPN
+'s	PART
+assassination	NOUN
+of	ADP
+major	ADJ
+Hamas	PROPN
+leaders	NOUN
+has	AUX
+also	ADV
+weakened	VERB
+authority	NOUN
+structures	NOUN
+in	ADP
+that	DET
+party	NOUN
+.	PUNCT
+
+If	SCONJ
+the	DET
+Israelis	PROPN
+and	CCONJ
+the	DET
+Palestinian	ADJ
+leadership	NOUN
+can	AUX
+not	PART
+find	VERB
+a	DET
+way	NOUN
+to	PART
+reinvigorate	VERB
+the	DET
+peace	NOUN
+process	NOUN
+,	PUNCT
+cells	NOUN
+of	ADP
+radical	ADJ
+young	ADJ
+Palestinians	PROPN
+may	AUX
+grow	VERB
+up	ADP
+that	PRON
+look	VERB
+to	ADP
+bin	PROPN
+Laden	PROPN
+for	ADP
+their	PRON
+cues	NOUN
+.	PUNCT
+
+Even	ADV
+if	SCONJ
+local	ADJ
+Palestinian	ADJ
+leaders	NOUN
+remain	VERB
+strong	ADJ
+enough	ADJ
+to	PART
+keep	VERB
+al	PROPN
+-	PUNCT
+Qaida	PROPN
+out	ADV
+,	PUNCT
+the	DET
+festering	VERB
+Israeli	ADJ
+-	PUNCT
+Palestinian	ADJ
+struggle	NOUN
+remains	VERB
+among	ADP
+the	DET
+best	ADJ
+recruiting	NOUN
+posters	NOUN
+for	ADP
+al	PROPN
+-	PUNCT
+Qaida	PROPN
+with	ADP
+young	ADJ
+Muslim	ADJ
+men	NOUN
+.	PUNCT
+
+Resolving	VERB
+this	DET
+conflict	NOUN
+would	AUX
+be	AUX
+the	DET
+most	ADV
+effective	ADJ
+weapon	NOUN
+the	DET
+United	PROPN
+States	PROPN
+could	AUX
+deploy	VERB
+in	ADP
+its	PRON
+war	NOUN
+on	ADP
+terror	NOUN
+.	PUNCT
+"	PUNCT
+
+Xinhua	PROPN
+reports	VERB
+that	SCONJ
+a	DET
+wide	ADJ
+range	NOUN
+of	ADP
+Iraqi	ADJ
+political	ADJ
+forces	NOUN
+on	ADP
+Tuesday	PROPN
+condemned	VERB
+Sharon	PROPN
+'s	PART
+murder	NOUN
+of	ADP
+Sheikh	PROPN
+Ahmed	PROPN
+Yassin	PROPN
+,	PUNCT
+a	DET
+religious	ADJ
+leader	NOUN
+of	ADP
+Hamas	PROPN
+,	PUNCT
+the	DET
+day	NOUN
+before	ADV
+.	PUNCT
+
+The	DET
+Board	NOUN
+of	ADP
+Muslim	ADJ
+clerics	NOUN
+in	ADP
+Fallujah	PROPN
+,	PUNCT
+50	NUM
+km	NOUN
+west	ADV
+of	ADP
+Baghdad	PROPN
+,	PUNCT
+"	PUNCT
+condemned	VERB
+the	DET
+assassination	NOUN
+and	CCONJ
+promised	VERB
+immediate	ADJ
+revenge	NOUN
+against	ADP
+the	DET
+coalition	NOUN
+soldiers	NOUN
+in	ADP
+Iraq	PROPN
+.	PUNCT
+"	PUNCT
+
+Ash	PROPN
+-	PUNCT
+Sharq	PROPN
+al	PROPN
+-	PUNCT
+Awsat	PROPN
+reports	VERB
+that	SCONJ
+Fallujah	PROPN
+was	AUX
+closed	VERB
+Tuesday	PROPN
+in	ADP
+a	DET
+general	ADJ
+strike	NOUN
+.	PUNCT
+
+US	PROPN
+troops	NOUN
+there	ADV
+clashed	VERB
+with	ADP
+guerrillas	NOUN
+in	ADP
+a	DET
+fight	NOUN
+that	PRON
+left	VERB
+one	NUM
+Iraqi	PROPN
+dead	ADJ
+.	PUNCT
+
+In	ADP
+Ramadi	PROPN
+,	PUNCT
+there	PRON
+was	VERB
+a	DET
+big	ADJ
+demonstration	NOUN
+.	PUNCT
+
+Radical	ADJ
+Shiite	ADJ
+cleric	NOUN
+Muqtada	PROPN
+al	PROPN
+-	PUNCT
+Sadr	PROPN
+said	VERB
+the	DET
+attack	NOUN
+was	AUX
+"	PUNCT
+criminal	ADJ
+"	PUNCT
+and	CCONJ
+that	SCONJ
+"	PUNCT
+the	DET
+Zionists	PROPN
+have	AUX
+left	VERB
+only	ADV
+one	NUM
+choice	NOUN
+for	ADP
+the	DET
+Arabs	PROPN
+,	PUNCT
+that	PRON
+of	ADP
+fighting	NOUN
+and	CCONJ
+jihad	NOUN
+"	PUNCT
+.	PUNCT
+
+The	DET
+interim	ADJ
+Governing	PROPN
+Council	PROPN
+issued	VERB
+a	DET
+communique	NOUN
+saying	VERB
+,	PUNCT
+"	PUNCT
+It	PRON
+is	AUX
+a	DET
+proof	NOUN
+of	ADP
+the	DET
+emptiness	NOUN
+of	ADP
+the	DET
+Israeli	ADJ
+authority	NOUN
+and	CCONJ
+a	DET
+destruction	NOUN
+of	ADP
+the	DET
+peace	NOUN
+endeavors	NOUN
+in	ADP
+the	DET
+region	NOUN
+.	PUNCT
+.	PUNCT
+.	PUNCT
+
+This	DET
+operation	NOUN
+would	AUX
+only	ADV
+consolidate	VERB
+the	DET
+terrorist	ADJ
+acts	NOUN
+in	ADP
+the	DET
+world	NOUN
+and	CCONJ
+would	AUX
+not	PART
+bring	VERB
+peace	NOUN
+to	ADP
+the	DET
+region	NOUN
+,	PUNCT
+"	PUNCT
+the	DET
+message	NOUN
+claimed	VERB
+.	PUNCT
+
+Xinhua	PROPN
+alleged	VERB
+that	SCONJ
+"	PUNCT
+Many	ADJ
+of	ADP
+the	DET
+Iraqis	PROPN
+,	PUNCT
+who	PRON
+suffer	VERB
+the	DET
+American	ADJ
+occupation	NOUN
+of	ADP
+Iraq	PROPN
+,	PUNCT
+relate	VERB
+their	PRON
+case	NOUN
+with	ADP
+that	PRON
+of	ADP
+the	DET
+Palestinian	ADJ
+people	NOUN
+,	PUNCT
+under	ADP
+the	DET
+Israeli	ADJ
+occupation	NOUN
+.	PUNCT
+"	PUNCT
+
+In	ADP
+an	DET
+apparently	ADV
+unrelated	ADJ
+incidents	NOUN
+,	PUNCT
+some	DET
+eleven	NUM
+Iraqis	PROPN
+were	AUX
+killed	VERB
+by	ADP
+snipers	NOUN
+on	ADP
+Tuesday	PROPN
+,	PUNCT
+including	VERB
+a	DET
+group	NOUN
+of	ADP
+police	NOUN
+trainees	NOUN
+in	ADP
+a	DET
+bus	NOUN
+near	ADP
+Hilla	PROPN
+and	CCONJ
+two	NUM
+police	NOUN
+in	ADP
+Kirkuk	PROPN
+.	PUNCT
+
+Ever	ADV
+since	ADP
+the	DET
+first	ADJ
+whispers	NOUN
+about	ADP
+Google	PROPN
+'s	PART
+IPO	NOUN
+,	PUNCT
+most	ADJ
+investors	NOUN
+have	AUX
+feared	VERB
+that	SCONJ
+the	DET
+stock	NOUN
+would	AUX
+come	VERB
+public	ADJ
+at	ADP
+such	DET
+a	DET
+ridiculously	ADV
+high	ADJ
+price	NOUN
+that	SCONJ
+,	PUNCT
+even	ADV
+with	ADP
+a	DET
+spectacularly	ADV
+profitable	ADJ
+business	NOUN
+model	NOUN
+and	CCONJ
+some	DET
+nearly	ADV
+flawless	ADJ
+execution	NOUN
+,	PUNCT
+the	DET
+price	NOUN
+would	AUX
+be	AUX
+too	ADV
+high	ADJ
+for	SCONJ
+investors	NOUN
+to	PART
+make	VERB
+a	DET
+real	ADJ
+profit	NOUN
+.	PUNCT
+
+We	PRON
+'ve	AUX
+moved	VERB
+on	ADV
+.	PUNCT
+
+We	PRON
+'ve	AUX
+grown	VERB
+up	ADP
+.	PUNCT
+
+Now	ADV
+,	PUNCT
+people	NOUN
+wonder	VERB
+if	SCONJ
+Google	PROPN
+can	AUX
+even	ADV
+survive	VERB
+.	PUNCT
+
+That	PRON
+'s	AUX
+overstating	VERB
+it	PRON
+,	PUNCT
+I	PRON
+know	VERB
+.	PUNCT
+
+What	PRON
+they	PRON
+wonder	VERB
+is	VERB
+whether	SCONJ
+Google	PROPN
+can	AUX
+be	AUX
+anything	PRON
+more	ADJ
+than	ADP
+what	PRON
+it	PRON
+'s	AUX
+always	ADV
+been	AUX
+--	PUNCT
+a	DET
+great	ADJ
+search	NOUN
+engine	NOUN
+with	ADP
+some	DET
+real	ADJ
+grass	NOUN
+-	PUNCT
+roots	NOUN
+support	NOUN
+,	PUNCT
+successful	ADJ
+by	ADP
+the	DET
+grace	NOUN
+of	ADP
+simplicity	NOUN
+.	PUNCT
+
+Simplicity	NOUN
+gave	VERB
+it	PRON
+that	DET
+blessed	ADJ
+,	PUNCT
+laudatory	ADJ
+lack	NOUN
+of	ADP
+clutter	NOUN
+,	PUNCT
+the	DET
+efficient	ADJ
+and	CCONJ
+effective	ADJ
+text	NOUN
+-	PUNCT
+based	VERB
+ads	NOUN
+,	PUNCT
+and	CCONJ
+the	DET
+support	NOUN
+of	ADP
+anyone	PRON
+with	ADP
+a	DET
+dial	VERB
+-	PUNCT
+up	ADP
+connection	NOUN
+.	PUNCT
+
+The	DET
+problem	NOUN
+is	VERB
+that	SCONJ
+customers	NOUN
+attracted	VERB
+by	ADP
+a	DET
+simple	ADJ
+interface	NOUN
+are	AUX
+among	ADP
+the	DET
+least	ADV
+loyal	ADJ
+you	PRON
+can	AUX
+find	VERB
+--	PUNCT
+witness	VERB
+the	DET
+fight	NOUN
+-	PUNCT
+for	ADP
+-	PUNCT
+fewest	ADJ
+-	PUNCT
+features	NOUN
+between	ADP
+low	ADJ
+-	PUNCT
+end	NOUN
+camera	NOUN
+companies	NOUN
+.	PUNCT
+
+The	DET
+other	ADJ
+problem	NOUN
+?	PUNCT
+
+It	PRON
+'s	AUX
+tough	ADJ
+to	PART
+make	VERB
+money	NOUN
+branching	VERB
+out	ADP
+when	ADV
+your	PRON
+appeal	NOUN
+is	AUX
+in	ADP
+your	PRON
+focus	NOUN
+.	PUNCT
+
+As	SCONJ
+the	DET
+survey	NOUN
+cited	VERB
+in	ADP
+the	DET
+above	ADV
+-	PUNCT
+linked	VERB
+article	NOUN
+shows	VERB
+,	PUNCT
+most	ADJ
+Google	PROPN
+users	NOUN
+do	AUX
+n't	PART
+intend	VERB
+to	PART
+use	VERB
+Gmail	PROPN
+,	PUNCT
+and	CCONJ
+Google	PROPN
+is	AUX
+n't	PART
+even	ADV
+as	ADV
+popular	ADJ
+as	ADP
+Yahoo!	PROPN
+and	CCONJ
+AOL	PROPN
+.	PUNCT
+
+If	SCONJ
+they	PRON
+continue	VERB
+to	PART
+add	VERB
+features	NOUN
+so	SCONJ
+they	PRON
+can	AUX
+justify	VERB
+their	PRON
+likely	ADJ
+sky	NOUN
+-	PUNCT
+high	ADJ
+valuation	NOUN
+,	PUNCT
+Google	PROPN
+risks	VERB
+losing	VERB
+a	DET
+huge	ADJ
+chunk	NOUN
+of	ADP
+their	PRON
+customer	NOUN
+base	NOUN
+to	ADP
+the	DET
+next	ADJ
+keep	VERB
+-	PUNCT
+it	PRON
+-	PUNCT
+simple	ADJ
+search	NOUN
+engine	NOUN
+.	PUNCT
+
+Remember	VERB
+when	ADV
+a	DET
+whole	ADJ
+lot	NOUN
+of	ADP
+people	NOUN
+had	VERB
+to	PART
+die	VERB
+because	SCONJ
+a	DET
+Swedish	ADJ
+newspaper	NOUN
+printed	VERB
+those	DET
+cartoons	NOUN
+of	ADP
+the	DET
+Prophet	PROPN
+Mohammed	PROPN
+?	PUNCT
+
+Now	ADV
+Iran	PROPN
+wants	VERB
+to	PART
+turn	VERB
+the	DET
+tables	NOUN
+and	CCONJ
+is	AUX
+inviting	VERB
+cartoonists	NOUN
+to	PART
+do	VERB
+their	PRON
+best	ADJ
+by	SCONJ
+depicting	VERB
+the	DET
+Holocaust	PROPN
+.	PUNCT
+
+Amazingly	ADV
+,	PUNCT
+these	DET
+idiots	NOUN
+think	VERB
+a	DET
+cartoon	NOUN
+of	ADP
+Mohammed	PROPN
+is	AUX
+comparable	ADJ
+to	SCONJ
+what	PRON
+we	PRON
+can	AUX
+expect	VERB
+in	ADP
+this	DET
+new	ADJ
+fun	ADJ
+contest	NOUN
+:	PUNCT
+
+TEHRAN	PROPN
+(	PUNCT
+AFP	PROPN
+)	PUNCT
+-	PUNCT
+
+An	DET
+international	ADJ
+contest	NOUN
+of	ADP
+cartoons	NOUN
+on	ADP
+the	DET
+Holocaust	PROPN
+opened	VERB
+in	ADP
+Tehran	PROPN
+in	ADP
+response	NOUN
+to	ADP
+the	DET
+publication	NOUN
+in	ADP
+Western	ADJ
+papers	NOUN
+last	ADJ
+September	PROPN
+of	ADP
+caricatures	NOUN
+of	ADP
+the	DET
+Prophet	PROPN
+Mohammed	PROPN
+.	PUNCT
+
+"	PUNCT
+We	PRON
+staged	VERB
+this	DET
+fair	NOUN
+to	PART
+explore	VERB
+the	DET
+limits	NOUN
+of	ADP
+freedom	NOUN
+Westerners	PROPN
+believe	VERB
+in	ADP
+,	PUNCT
+"	PUNCT
+Masoud	PROPN
+Shojai	PROPN
+,	PUNCT
+head	NOUN
+of	ADP
+the	DET
+country	NOUN
+'s	PART
+"	PUNCT
+Iran	PROPN
+Cartoon	PROPN
+"	PUNCT
+association	PROPN
+and	CCONJ
+the	DET
+fair	NOUN
+organizer	NOUN
+,	PUNCT
+said	VERB
+.	PUNCT
+
+"	PUNCT
+They	PRON
+can	AUX
+freely	ADV
+write	VERB
+anything	PRON
+they	PRON
+like	VERB
+about	ADP
+our	PRON
+prophet	NOUN
+,	PUNCT
+but	CCONJ
+if	SCONJ
+one	PRON
+raises	VERB
+doubts	NOUN
+about	ADP
+the	DET
+Holocaust	PROPN
+he	PRON
+is	AUX
+either	CCONJ
+fined	VERB
+or	CCONJ
+sent	VERB
+to	ADP
+prison	NOUN
+,	PUNCT
+"	PUNCT
+he	PRON
+added	VERB
+.	PUNCT
+
+"	PUNCT
+Though	SCONJ
+we	PRON
+do	AUX
+not	PART
+deny	VERB
+that	DET
+fact	NOUN
+that	SCONJ
+Jews	PROPN
+were	AUX
+killed	VERB
+in	ADP
+the	DET
+(	PUNCT
+second	PROPN
+world	PROPN
+)	PUNCT
+war	PROPN
+,	PUNCT
+why	ADV
+should	AUX
+the	DET
+Palestinians	PROPN
+pay	VERB
+for	ADP
+it	PRON
+?	PUNCT
+"	PUNCT
+
+Shojai	PROPN
+told	VERB
+the	DET
+opening	VERB
+ceremony	NOUN
+of	ADP
+the	DET
+month	NOUN
+-	PUNCT
+long	ADJ
+fair	NOUN
+in	ADP
+Tehran	PROPN
+'s	PART
+Palestine	PROPN
+Contemporary	PROPN
+Art	PROPN
+Museum	PROPN
+.	PUNCT
+
+He	PRON
+added	VERB
+that	SCONJ
+around	ADV
+1,100	NUM
+cartoons	NOUN
+were	AUX
+submitted	VERB
+by	ADP
+participants	NOUN
+from	ADP
+more	ADJ
+than	ADP
+60	NUM
+countries	NOUN
+and	CCONJ
+that	SCONJ
+more	ADJ
+than	ADP
+200	NUM
+are	AUX
+on	ADP
+show	NOUN
+.	PUNCT
+
+He	PRON
+said	VERB
+the	DET
+top	ADJ
+three	NUM
+cartoons	NOUN
+will	AUX
+be	AUX
+announced	VERB
+on	ADP
+September	PROPN
+2	NUM
+,	PUNCT
+with	SCONJ
+the	DET
+winners	NOUN
+being	AUX
+awarded	VERB
+prizes	NOUN
+of	ADP
+12,000	NUM
+,	PUNCT
+8,000	NUM
+and	CCONJ
+5,000	NUM
+dollars	NOUN
+respectively	ADV
+.	PUNCT
+
+This	DET
+cute	ADJ
+little	ADJ
+stunt	NOUN
+is	AUX
+only	ADV
+going	VERB
+to	PART
+prove	VERB
+just	ADV
+how	ADV
+fanatic	ADJ
+the	DET
+extremist	NOUN
+Muslims	PROPN
+are	AUX
+.	PUNCT
+
+When	ADV
+they	PRON
+saw	VERB
+a	DET
+cartoon	NOUN
+of	ADP
+their	PRON
+prophet	NOUN
+,	PUNCT
+people	NOUN
+had	VERB
+to	PART
+die	VERB
+.	PUNCT
+
+When	ADV
+their	PRON
+precious	ADJ
+cartoons	NOUN
+are	AUX
+released	VERB
+I	PRON
+highly	ADV
+doubt	VERB
+it	PRON
+will	AUX
+look	VERB
+like	ADP
+the	DET
+end	NOUN
+of	ADP
+the	DET
+world	NOUN
+.	PUNCT
+
+US	PROPN
+Marines	PROPN
+moved	VERB
+into	ADP
+most	ADJ
+of	ADP
+Fallujah	PROPN
+on	ADP
+Wednesday	PROPN
+,	PUNCT
+though	SCONJ
+they	PRON
+were	AUX
+still	ADV
+meeting	VERB
+pockets	NOUN
+of	ADP
+resistance	NOUN
+.	PUNCT
+
+The	DET
+Fallujah	PROPN
+fighting	NOUN
+has	AUX
+killed	VERB
+fair	ADJ
+numbers	NOUN
+of	ADP
+Iraqi	ADJ
+noncombatants	NOUN
+,	PUNCT
+including	VERB
+Shaikh	PROPN
+Abdul	PROPN
+Wahhab	PROPN
+al	PROPN
+-	PUNCT
+Janabi	PROPN
+of	ADP
+the	DET
+respected	VERB
+Association	PROPN
+of	ADP
+Muslim	PROPN
+Scholars	PROPN
+.	PUNCT
+
+Armed	ADJ
+clashes	NOUN
+broke	VERB
+out	ADP
+in	ADP
+several	ADJ
+northern	ADJ
+Iraqi	ADJ
+cities	NOUN
+on	ADP
+Wednesday	PROPN
+,	PUNCT
+leaving	VERB
+some	DET
+22	NUM
+persons	NOUN
+dead	ADJ
+in	ADP
+Mosul	PROPN
+,	PUNCT
+Baiji	PROPN
+,	PUNCT
+and	CCONJ
+Tuz	PROPN
+.	PUNCT
+
+Hundreds	NOUN
+of	ADP
+persons	NOUN
+mounted	VERB
+demonstrations	NOUN
+against	ADP
+the	DET
+Fallujah	PROPN
+campaign	NOUN
+in	ADP
+Tikrit	PROPN
+and	CCONJ
+Huwaijah	PROPN
+,	PUNCT
+as	ADV
+well	ADV
+,	PUNCT
+according	VERB
+to	ADP
+az	PROPN
+-	PUNCT
+Zaman	PROPN
+.	PUNCT
+
+The	DET
+battles	NOUN
+and	CCONJ
+demonstrations	NOUN
+were	AUX
+provoked	VERB
+by	ADP
+the	DET
+US	PROPN
+assault	NOUN
+on	ADP
+Fallujah	PROPN
+.	PUNCT
+
+Guerrillas	NOUN
+threatened	VERB
+to	PART
+assassinate	VERB
+Prime	PROPN
+Minister	PROPN
+Iyad	PROPN
+Allawi	PROPN
+and	CCONJ
+Minister	PROPN
+of	ADP
+Defense	PROPN
+Hazem	PROPN
+Shaalan	PROPN
+in	ADP
+retaliation	NOUN
+for	ADP
+the	DET
+attack	NOUN
+.	PUNCT
+
+Allawi	PROPN
+'s	PART
+aged	ADJ
+cousin	NOUN
+and	CCONJ
+the	DET
+man	NOUN
+'s	PART
+wife	NOUN
+and	CCONJ
+daughter	NOUN
+-	PUNCT
+in	ADP
+-	PUNCT
+law	NOUN
+were	AUX
+abducted	VERB
+and	CCONJ
+guerrillas	NOUN
+threaten	VERB
+to	PART
+behead	VERB
+them	PRON
+if	SCONJ
+the	DET
+Fallujah	PROPN
+compaign	NOUN
+is	AUX
+not	PART
+stopped	VERB
+.	PUNCT
+
+In	ADP
+Iraqi	ADJ
+society	NOUN
+,	PUNCT
+PM	PROPN
+Allawi	PROPN
+is	AUX
+responsible	ADJ
+for	SCONJ
+protecting	VERB
+his	PRON
+clan	NOUN
+,	PUNCT
+including	VERB
+especially	ADV
+his	PRON
+first	ADJ
+cousins	NOUN
+,	PUNCT
+so	ADV
+this	DET
+kidnapping	NOUN
+makes	VERB
+him	PRON
+look	VERB
+weak	ADJ
+and	CCONJ
+brings	VERB
+substantial	ADJ
+shame	NOUN
+on	ADP
+him	PRON
+.	PUNCT
+
+The	DET
+US	PROPN
+Marines	PROPN
+took	VERB
+most	ADJ
+of	ADP
+Fallujah	PROPN
+Wednesday	PROPN
+,	PUNCT
+but	CCONJ
+still	ADV
+face	VERB
+pockets	NOUN
+of	ADP
+resistance	NOUN
+.	PUNCT
+
+If	SCONJ
+Samarra	PROPN
+and	CCONJ
+other	ADJ
+cities	NOUN
+are	AUX
+any	DET
+guide	NOUN
+,	PUNCT
+those	DET
+pockets	NOUN
+of	ADP
+resistance	NOUN
+could	AUX
+go	VERB
+on	ADP
+bedeviling	VERB
+the	DET
+US	PROPN
+for	ADP
+some	DET
+time	NOUN
+to	PART
+come	VERB
+.	PUNCT
+
+The	DET
+intrepid	ADJ
+Ed	PROPN
+Wong	PROPN
+of	ADP
+the	DET
+NYT	PROPN
+has	VERB
+more	ADJ
+on	ADP
+the	DET
+Sunni	ADJ
+boycott	NOUN
+of	ADP
+the	DET
+elections	NOUN
+.	PUNCT
+
+He	PRON
+reports	VERB
+that	SCONJ
+the	DET
+Iraqi	PROPN
+Islamic	PROPN
+Party	PROPN
+,	PUNCT
+which	PRON
+had	AUX
+earlier	ADV
+been	AUX
+absolutely	ADV
+committed	VERB
+to	SCONJ
+getting	VERB
+out	ADP
+the	DET
+Sunni	ADJ
+vote	NOUN
+,	PUNCT
+is	AUX
+now	ADV
+wavering	VERB
+and	CCONJ
+saying	VERB
+their	PRON
+position	NOUN
+will	AUX
+depend	VERB
+on	ADP
+the	DET
+situation	NOUN
+.	PUNCT
+
+The	DET
+outbreak	NOUN
+of	ADP
+demonstrations	NOUN
+and	CCONJ
+violence	NOUN
+throughout	ADP
+the	DET
+Sunni	ADJ
+Arab	ADJ
+regions	NOUN
+on	ADP
+Wednesday	PROPN
+did	AUX
+not	PART
+bode	VERB
+well	ADV
+for	ADP
+Sunni	ADJ
+participation	NOUN
+in	ADP
+the	DET
+January	PROPN
+elections	NOUN
+.	PUNCT
+
+Jim	PROPN
+Lobe	PROPN
+has	VERB
+more	ADJ
+on	ADP
+the	DET
+political	ADJ
+implications	NOUN
+of	ADP
+the	DET
+Fallujah	PROPN
+assault	NOUN
+,	PUNCT
+both	CCONJ
+in	ADP
+Iraq	PROPN
+and	CCONJ
+in	ADP
+Washington	PROPN
+.	PUNCT
+
+For	ADP
+some	DET
+black	ADJ
+satire	NOUN
+on	ADP
+Fallujah	PROPN
+,	PUNCT
+see	VERB
+Unconfirmed	PROPN
+Sources	PROPN
+which	PRON
+has	VERB
+some	DET
+fun	NOUN
+with	ADP
+my	PRON
+Weblog	PROPN
+.	PUNCT
+
+[	PUNCT
+Am	AUX
+at	ADP
+a	DET
+conference	NOUN
+and	CCONJ
+ca	AUX
+n't	PART
+blog	VERB
+much	ADV
+right	ADV
+now	ADV
+but	CCONJ
+will	AUX
+try	VERB
+to	PART
+catch	VERB
+up	ADP
+the	DET
+next	ADJ
+couple	NOUN
+of	ADP
+days	NOUN
+.	PUNCT
+]	PUNCT
+
+The	DET
+hottest	ADJ
+item	NOUN
+on	ADP
+Christmas	PROPN
+wish	NOUN
+lists	NOUN
+this	DET
+year	NOUN
+is	AUX
+nuclear	ADJ
+weapons	NOUN
+.	PUNCT
+
+Al	PROPN
+-	PUNCT
+Qaeda	PROPN
+wants	VERB
+them	PRON
+,	PUNCT
+Iran	PROPN
+wants	VERB
+them	PRON
+,	PUNCT
+Russia	PROPN
+wants	VERB
+the	DET
+better	ADJ
+ones	NOUN
+,	PUNCT
+and	CCONJ
+all	DET
+the	DET
+US	PROPN
+wants	VERB
+is	VERB
+to	PART
+give	VERB
+them	PRON
+all	DET
+a	DET
+piece	NOUN
+of	ADP
+coal	NOUN
+.	PUNCT
+
+For	ADP
+the	DET
+last	ADJ
+few	ADJ
+years	NOUN
+there	ADV
+have	AUX
+been	VERB
+tensions	NOUN
+with	ADP
+Iran	PROPN
+’s	PART
+nuclear	ADJ
+program	NOUN
+with	ADP
+word	NOUN
+coming	VERB
+this	DET
+week	NOUN
+that	SCONJ
+a	DET
+deal	NOUN
+was	AUX
+reached	VERB
+through	ADP
+the	DET
+European	PROPN
+Union	PROPN
+that	PRON
+meets	VERB
+with	ADP
+the	DET
+approval	NOUN
+of	ADP
+the	DET
+International	PROPN
+Atomic	PROPN
+Energy	PROPN
+Agency	PROPN
+.	PUNCT
+
+At	ADP
+the	DET
+same	ADJ
+time	NOUN
+,	PUNCT
+an	DET
+Iranian	ADJ
+Opposition	NOUN
+Group	NOUN
+released	VERB
+what	PRON
+they	PRON
+call	VERB
+proof	NOUN
+of	ADP
+a	DET
+covert	ADJ
+nuclear	ADJ
+weapons	NOUN
+program	NOUN
+.	PUNCT
+
+Arial	ADJ
+photos	NOUN
+,	PUNCT
+loose	ADJ
+connections	NOUN
+to	ADP
+AQ	PROPN
+Kahn	PROPN
+and	CCONJ
+Libya	PROPN
+make	VERB
+up	ADP
+the	DET
+evidence	NOUN
+that	PRON
+the	DET
+group	NOUN
+presented	VERB
+.	PUNCT
+
+Russia	PROPN
+also	ADV
+announced	VERB
+that	SCONJ
+it	PRON
+was	AUX
+seeking	VERB
+and	CCONJ
+building	VERB
+the	DET
+best	ADJ
+nukes	NOUN
+the	DET
+world	NOUN
+’s	AUX
+ever	ADV
+seen	VERB
+.	PUNCT
+
+President	PROPN
+Vladimir	PROPN
+Putin	PROPN
+said	VERB
+Russia	PROPN
+is	VERB
+will	AUX
+have	VERB
+new	ADJ
+nuclear	ADJ
+weapons	NOUN
+that	PRON
+other	ADJ
+countries	NOUN
+do	VERB
+not	PART
+and	CCONJ
+will	AUX
+not	PART
+have	VERB
+.	PUNCT
+
+With	SCONJ
+the	DET
+demand	NOUN
+so	ADV
+high	ADJ
+,	PUNCT
+the	DET
+question	NOUN
+arises	VERB
+on	ADP
+to	SCONJ
+who	PRON
+should	AUX
+be	AUX
+or	CCONJ
+has	VERB
+the	DET
+right	NOUN
+to	PART
+be	AUX
+the	DET
+Santa	PROPN
+of	ADP
+nuclear	ADJ
+weapons	NOUN
+.	PUNCT
+
+Right	ADV
+now	ADV
+that	PRON
+seems	VERB
+to	PART
+be	AUX
+the	DET
+US	PROPN
+,	PUNCT
+EU	PROPN
+,	PUNCT
+and	CCONJ
+IAEA	PROPN
+.	PUNCT
+
+But	CCONJ
+not	PART
+always	ADV
+do	AUX
+those	DET
+three	NUM
+agree	VERB
+,	PUNCT
+and	CCONJ
+not	PART
+always	ADV
+are	AUX
+their	PRON
+decisions	NOUN
+equal	ADJ
+.	PUNCT
+
+The	DET
+US	PROPN
+has	AUX
+strongly	ADV
+opposed	VERB
+a	DET
+nuclear	ADJ
+weapons	NOUN
+program	NOUN
+of	ADP
+Iran	PROPN
+,	PUNCT
+yet	CCONJ
+Israel	PROPN
+,	PUNCT
+which	PRON
+to	ADP
+this	DET
+day	NOUN
+has	AUX
+never	ADV
+officially	ADV
+said	VERB
+that	SCONJ
+they	PRON
+posses	VERB
+nuclear	ADJ
+weapons	NOUN
+,	PUNCT
+ranks	VERB
+around	ADV
+fifth	ADV
+in	ADP
+nuclear	ADJ
+strength	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+estimated	VERB
+that	SCONJ
+Israel	PROPN
+has	VERB
+over	ADV
+200	NUM
+nuclear	ADJ
+weapons	NOUN
+yet	CCONJ
+neither	CCONJ
+the	DET
+US	PROPN
+nor	CCONJ
+any	DET
+of	ADP
+her	PRON
+allies	NOUN
+expresses	VERB
+the	DET
+slightest	ADJ
+concern	NOUN
+.	PUNCT
+
+North	PROPN
+Korea	PROPN
+’s	PART
+Kim	PROPN
+Jong	PROPN
+Ill	PROPN
+also	ADV
+has	VERB
+the	DET
+bomb	NOUN
+at	ADP
+the	DET
+top	NOUN
+of	ADP
+his	PRON
+list	NOUN
+and	CCONJ
+Santa	PROPN
+seems	VERB
+to	PART
+have	AUX
+already	ADV
+come	VERB
+a	DET
+few	ADJ
+years	NOUN
+ago	ADV
+.	PUNCT
+
+It	PRON
+is	AUX
+rumored	VERB
+that	SCONJ
+North	PROPN
+Korea	PROPN
+has	VERB
+at	ADV
+least	ADV
+a	DET
+couple	NOUN
+nuclear	ADJ
+weapons	NOUN
+.	PUNCT
+
+But	CCONJ
+getting	VERB
+past	SCONJ
+who	PRON
+should	AUX
+get	VERB
+them	PRON
+,	PUNCT
+is	AUX
+who	PRON
+has	VERB
+them	PRON
+,	PUNCT
+and	CCONJ
+who	PRON
+is	AUX
+really	ADV
+close	ADJ
+.	PUNCT
+
+The	DET
+case	NOUN
+against	ADP
+Iran	PROPN
+has	VERB
+a	DET
+feeling	NOUN
+of	ADP
+Déjà	X
+vu	X
+.	PUNCT
+
+Arial	ADJ
+photos	NOUN
+of	ADP
+the	DET
+lab	NOUN
+were	VERB
+uranium	NOUN
+is	AUX
+being	AUX
+enriched	VERB
+,	PUNCT
+somewhat	ADV
+like	ADP
+those	PRON
+of	ADP
+chemical	ADJ
+weapons	NOUN
+stockpiles	NOUN
+in	ADP
+Iraq	PROPN
+.	PUNCT
+
+America	PROPN
+cried	VERB
+wolf	NOUN
+in	ADP
+Iraq	PROPN
+,	PUNCT
+and	CCONJ
+what	PRON
+’s	AUX
+scary	ADJ
+is	VERB
+that	SCONJ
+sooner	ADV
+or	CCONJ
+later	ADV
+,	PUNCT
+that	DET
+wolf	NOUN
+will	AUX
+probably	ADV
+get	VERB
+us	PRON
+.	PUNCT
+
+I	PRON
+ran	VERB
+across	ADP
+this	DET
+item	NOUN
+on	ADP
+the	DET
+Internet	NOUN
+.	PUNCT
+
+Sooooo	ADV
+.	PUNCT
+
+The	DET
+United	PROPN
+States	PROPN
+goes	VERB
+into	ADP
+a	DET
+war	NOUN
+zone	NOUN
+and	CCONJ
+evacuates	VERB
+a	DET
+bunch	NOUN
+of	ADP
+U.S.	PROPN
+citizens	NOUN
+(	PUNCT
+most	ADJ
+of	ADP
+whom	PRON
+were	AUX
+"	PUNCT
+dual	ADJ
+-	PUNCT
+citizens	NOUN
+"	PUNCT
+)	PUNCT
+.	PUNCT
+
+Then	ADV
+,	PUNCT
+eschewing	VERB
+normal	ADJ
+procedure	NOUN
+,	PUNCT
+the	DET
+Department	PROPN
+of	ADP
+State	PROPN
+waived	VERB
+the	DET
+fees	NOUN
+that	PRON
+they	PRON
+charge	VERB
+for	SCONJ
+evacuating	VERB
+U.S.	PROPN
+citizen	NOUN
+.	PUNCT
+
+Why	ADV
+?	PUNCT
+
+To	PART
+pander	VERB
+to	ADP
+the	DET
+mythical	ADJ
+"	PUNCT
+Arab	ADJ
+street	NOUN
+"	PUNCT
+,	PUNCT
+of	ADV
+course	ADV
+.	PUNCT
+
+Now	ADV
+,	PUNCT
+I	PRON
+would	AUX
+argue	VERB
+that	SCONJ
+one	PRON
+could	AUX
+have	AUX
+reasonably	ADV
+predicted	VERB
+that	SCONJ
+some	DET
+form	NOUN
+of	ADP
+military	ADJ
+violence	NOUN
+was	AUX
+likely	ADJ
+to	PART
+occur	VERB
+in	ADP
+Lebanon	PROPN
+(	PUNCT
+considering	VERB
+that	SCONJ
+the	DET
+country	NOUN
+has	AUX
+been	AUX
+experiencing	VERB
+some	DET
+form	NOUN
+of	ADP
+conflict	NOUN
+for	ADP
+approximately	ADV
+the	DET
+last	ADJ
+32	NUM
+years	NOUN
+)	PUNCT
+.	PUNCT
+
+In	ADP
+other	ADJ
+words	NOUN
+,	PUNCT
+those	DET
+Americans	PROPN
+were	AUX
+there	ADV
+by	ADP
+their	PRON
+own	ADJ
+choice	NOUN
+,	PUNCT
+mired	VERB
+in	ADP
+a	DET
+situation	NOUN
+that	PRON
+was	AUX
+totally	ADV
+predictable	ADJ
+.	PUNCT
+
+Yet	CCONJ
+we	PRON
+did	AUX
+n't	PART
+charge	VERB
+them	PRON
+for	ADP
+the	DET
+evacuation	NOUN
+.	PUNCT
+
+This	PRON
+is	AUX
+unlike	ADP
+the	DET
+situation	NOUN
+last	ADJ
+year	NOUN
+in	ADP
+Asia	PROPN
+when	ADV
+we	PRON
+evacuated	VERB
+U.S.	PROPN
+citizens	NOUN
+from	ADP
+areas	NOUN
+that	PRON
+were	AUX
+hit	VERB
+by	ADP
+the	DET
+tsunami	NOUN
+-	PUNCT
+a	DET
+phenomenon	NOUN
+that	PRON
+is	AUX
+much	ADV
+less	ADV
+predictable	ADJ
+than	ADP
+the	DET
+Hezbollah	PROPN
+-	PUNCT
+provoked	VERB
+destruction	NOUN
+that	PRON
+rained	VERB
+down	ADV
+on	ADP
+Lebanon	PROPN
+.	PUNCT
+
+And	CCONJ
+what	PRON
+do	AUX
+we	PRON
+get	VERB
+for	ADP
+this	DET
+effort	NOUN
+?	PUNCT
+
+A	DET
+lawsuit	NOUN
+.	PUNCT
+
+That	PRON
+'s	AUX
+right	ADJ
+,	PUNCT
+folks	NOUN
+.	PUNCT
+
+The	DET
+American	PROPN
+-	PUNCT
+Arab	PROPN
+Discrimination	PROPN
+Committee	PROPN
+is	AUX
+suing	VERB
+Condoleeza	PROPN
+Rice	PROPN
+and	CCONJ
+Donald	PROPN
+Rumsfeld	PROPN
+,	PUNCT
+charging	VERB
+that	SCONJ
+they	PRON
+mismanaged	VERB
+the	DET
+evacuation	NOUN
+efforts	NOUN
+.	PUNCT
+
+Here	ADV
+'s	AUX
+an	DET
+excerpt	NOUN
+from	ADP
+the	DET
+article	NOUN
+:	PUNCT
+
+Nina	PROPN
+Chahine	PROPN
+,	PUNCT
+19	NUM
+,	PUNCT
+who	PRON
+with	ADP
+her	PRON
+family	NOUN
+was	AUX
+among	ADP
+the	DET
+named	VERB
+plaintiffs	NOUN
+in	ADP
+the	DET
+lawsuit	NOUN
+,	PUNCT
+said	VERB
+her	PRON
+wedding	NOUN
+in	ADP
+the	DET
+southern	ADJ
+city	NOUN
+of	ADP
+Tyre	PROPN
+was	AUX
+set	VERB
+for	ADP
+July	PROPN
+13	NUM
+.	PUNCT
+
+The	DET
+wedding	NOUN
+had	VERB
+to	PART
+be	AUX
+postponed	VERB
+as	SCONJ
+family	NOUN
+members	NOUN
+fled	VERB
+the	DET
+outbreak	NOUN
+of	ADP
+the	DET
+war	NOUN
+,	PUNCT
+she	PRON
+said	VERB
+.	PUNCT
+
+"	PUNCT
+We	PRON
+were	AUX
+on	ADP
+the	DET
+road	NOUN
+and	CCONJ
+the	DET
+first	ADJ
+bridge	NOUN
+was	AUX
+bombed	VERB
+and	CCONJ
+we	PRON
+drove	VERB
+home	ADV
+and	CCONJ
+all	DET
+the	DET
+other	ADJ
+bridges	NOUN
+were	AUX
+bombed	VERB
+and	CCONJ
+there	PRON
+was	VERB
+absolutely	ADV
+no	DET
+way	NOUN
+for	SCONJ
+us	PRON
+to	PART
+get	VERB
+home	ADV
+,	PUNCT
+"	PUNCT
+Chahine	PROPN
+told	VERB
+reporters	NOUN
+outside	ADP
+federal	ADJ
+court	NOUN
+in	ADP
+Detroit	PROPN
+.	PUNCT
+
+"	PUNCT
+We	PRON
+were	AUX
+all	ADV
+American	ADJ
+citizens	NOUN
+and	CCONJ
+there	PRON
+was	VERB
+no	DET
+way	NOUN
+that	ADV
+anybody	PRON
+helped	VERB
+us	PRON
+.	PUNCT
+
+No	DET
+communications	NOUN
+nothing	PRON
+.	PUNCT
+
+I	PRON
+was	AUX
+on	ADP
+my	PRON
+way	NOUN
+to	ADP
+my	PRON
+wedding	NOUN
+fearing	VERB
+death	NOUN
+,	PUNCT
+basically	ADV
+.	PUNCT
+"	PUNCT
+
+Chahine	PROPN
+said	VERB
+her	PRON
+immediate	ADJ
+family	NOUN
+spent	VERB
+about	ADV
+$	SYM
+20,000	NUM
+to	PART
+return	VERB
+to	ADP
+Detroit	PROPN
+via	ADP
+Syria	PROPN
+and	CCONJ
+Jordan	PROPN
+.	PUNCT
+
+Dear	ADJ
+Nina	PROPN
+,	PUNCT
+
+Here	ADV
+'s	AUX
+a	DET
+tip	NOUN
+:	PUNCT
+Do	AUX
+n't	PART
+get	AUX
+married	VERB
+in	ADP
+countries	NOUN
+that	PRON
+house	VERB
+illegal	ADJ
+militias	NOUN
+that	PRON
+attack	VERB
+other	ADJ
+countries	NOUN
+and	CCONJ
+hence	ADV
+are	AUX
+likely	ADJ
+to	PART
+come	VERB
+under	ADP
+counter-attack	NOUN
+!	PUNCT
+
+Crap	NOUN
+like	ADP
+this	PRON
+sure	ADV
+makes	VERB
+me	PRON
+want	VERB
+to	PART
+rush	VERB
+right	ADV
+out	ADV
+and	CCONJ
+rescue	VERB
+people	NOUN
+from	ADP
+dilemmas	NOUN
+of	ADP
+their	PRON
+own	ADJ
+making	NOUN
+.	PUNCT
+
+Though	SCONJ
+I	PRON
+am	AUX
+loathe	ADJ
+to	PART
+quote	VERB
+other	ADJ
+writers	NOUN
+at	ADP
+legnth	NOUN
+in	ADP
+this	DET
+space	NOUN
+,	PUNCT
+this	DET
+little	ADJ
+bit	NOUN
+from	ADP
+Dan	PROPN
+Froomkin	PROPN
+'s	PART
+"	PUNCT
+White	PROPN
+House	PROPN
+Briefing	PROPN
+"	PUNCT
+column	NOUN
+in	ADP
+the	DET
+WashPost	PROPN
+today	NOUN
+is	AUX
+just	ADV
+too	ADV
+good	ADJ
+to	PART
+pass	VERB
+up	ADP
+(	PUNCT
+read	VERB
+the	DET
+whole	ADJ
+column	NOUN
+here	ADV
+)	PUNCT
+:	PUNCT
+
+At	ADP
+the	DET
+Ask	VERB
+the	DET
+President	PROPN
+event	NOUN
+on	ADP
+Friday	PROPN
+,	PUNCT
+one	NUM
+of	ADP
+the	DET
+questions	NOUN
+was	VERB
+about	SCONJ
+whether	SCONJ
+Bush	PROPN
+has	VERB
+any	DET
+thoughts	NOUN
+about	ADP
+his	PRON
+memoirs	NOUN
+.	PUNCT
+
+This	PRON
+is	AUX
+one	NUM
+example	NOUN
+of	SCONJ
+what	PRON
+happens	VERB
+when	ADV
+Bush	PROPN
+gets	VERB
+a	DET
+question	NOUN
+that	PRON
+he	PRON
+has	AUX
+n't	PART
+anticipated	VERB
+.	PUNCT
+
+"	PUNCT
+Q	NOUN
+Thank	VERB
+you	PRON
+--	PUNCT
+I	PRON
+was	AUX
+wondering	VERB
+,	PUNCT
+there	PRON
+'s	VERB
+a	DET
+lot	NOUN
+of	ADP
+talk	NOUN
+right	ADV
+now	ADV
+about	SCONJ
+memoirs	NOUN
+being	AUX
+written	VERB
+with	ADP
+the	DET
+former	ADJ
+President	PROPN
+.	PUNCT
+
+After	SCONJ
+you	PRON
+are	AUX
+elected	VERB
+in	ADP
+2004	NUM
+,	PUNCT
+what	PRON
+will	AUX
+your	PRON
+memoirs	NOUN
+say	VERB
+about	ADP
+you	PRON
+,	PUNCT
+what	PRON
+will	AUX
+the	DET
+title	NOUN
+be	AUX
+,	PUNCT
+and	CCONJ
+what	DET
+will	AUX
+the	DET
+main	ADJ
+theme	NOUN
+say	VERB
+?	PUNCT
+
+"	PUNCT
+THE	DET
+PRESIDENT	PROPN
+:	PUNCT
+I	PRON
+appreciate	VERB
+that	PRON
+.	PUNCT
+
+(	PUNCT
+Laughter	NOUN
+.	PUNCT
+)	PUNCT
+
+There	PRON
+is	VERB
+a	DET
+painting	NOUN
+on	ADP
+my	PRON
+wall	NOUN
+in	ADP
+the	DET
+Oval	PROPN
+--	PUNCT
+first	ADV
+of	ADP
+all	DET
+,	PUNCT
+I	PRON
+do	AUX
+n't	PART
+know	VERB
+.	PUNCT
+
+I	PRON
+'m	AUX
+just	ADV
+speculating	VERB
+now	ADV
+.	PUNCT
+
+I	PRON
+really	ADV
+have	AUX
+n't	PART
+thought	VERB
+about	SCONJ
+writing	VERB
+a	DET
+book	NOUN
+.	PUNCT
+
+My	PRON
+life	NOUN
+is	AUX
+too	ADV
+complicated	ADJ
+right	ADV
+now	ADV
+trying	VERB
+to	PART
+do	VERB
+my	PRON
+job	NOUN
+.	PUNCT
+
+(	PUNCT
+Laughter	NOUN
+.	PUNCT
+)	PUNCT
+
+But	CCONJ
+if	SCONJ
+--	PUNCT
+there	PRON
+'s	VERB
+a	DET
+painting	NOUN
+on	ADP
+the	DET
+wall	NOUN
+in	ADP
+the	DET
+Oval	PROPN
+Office	PROPN
+that	PRON
+shows	VERB
+a	DET
+horseman	NOUN
+charging	VERB
+up	ADP
+a	DET
+steep	ADJ
+cliff	NOUN
+,	PUNCT
+and	CCONJ
+there	PRON
+are	VERB
+at	ADV
+least	ADV
+two	NUM
+other	ADJ
+horsemen	NOUN
+following	VERB
+.	PUNCT
+
+It	PRON
+'s	AUX
+a	DET
+Western	ADJ
+scene	NOUN
+by	ADP
+a	DET
+guy	NOUN
+named	VERB
+W.H.S.	PROPN
+Koerner	PROPN
+called	VERB
+'	PUNCT
+A	DET
+Charge	PROPN
+to	PART
+Keep	VERB
+.	PUNCT
+'	PUNCT
+
+It	PRON
+'s	AUX
+on	ADP
+loan	NOUN
+,	PUNCT
+by	ADP
+the	DET
+way	NOUN
+,	PUNCT
+from	ADP
+a	DET
+guy	NOUN
+named	VERB
+Joe	PROPN
+O'Neill	PROPN
+in	ADP
+Midland	PROPN
+,	PUNCT
+Texas	PROPN
+.	PUNCT
+
+He	PRON
+was	AUX
+the	DET
+person	NOUN
+,	PUNCT
+he	PRON
+and	CCONJ
+his	PRON
+wife	NOUN
+Jan	PROPN
+,	PUNCT
+introduced	VERB
+--	PUNCT
+reintroduced	VERB
+me	PRON
+and	CCONJ
+Laura	PROPN
+in	ADP
+his	PRON
+backyard	NOUN
+in	ADP
+July	PROPN
+of	ADP
+1977	NUM
+.	PUNCT
+
+Four	NUM
+months	NOUN
+later	ADV
+,	PUNCT
+we	PRON
+were	AUX
+married	VERB
+.	PUNCT
+
+So	ADV
+he	PRON
+'s	AUX
+got	VERB
+a	DET
+--	PUNCT
+I	PRON
+'m	AUX
+a	DET
+decision	NOUN
+-	PUNCT
+maker	NOUN
+and	CCONJ
+I	PRON
+can	AUX
+make	VERB
+good	ADJ
+decisions	NOUN
+.	PUNCT
+
+(	PUNCT
+Applause	NOUN
+.	PUNCT
+)	PUNCT
+
+"	PUNCT
+And	CCONJ
+so	ADV
+we	PRON
+sang	VERB
+this	DET
+hymn	NOUN
+--	PUNCT
+this	PRON
+is	AUX
+a	DET
+long	ADJ
+story	NOUN
+trying	VERB
+to	PART
+get	VERB
+to	ADP
+your	PRON
+answer	NOUN
+.	PUNCT
+
+(	PUNCT
+Laughter	NOUN
+.	PUNCT
+)	PUNCT
+
+This	PRON
+is	AUX
+not	PART
+a	DET
+filibuster	NOUN
+.	PUNCT
+
+(	PUNCT
+Laughter	NOUN
+.	PUNCT
+)	PUNCT
+
+That	PRON
+'s	AUX
+a	DET
+Senate	PROPN
+term	NOUN
+--	PUNCT
+particularly	ADV
+on	ADP
+good	ADJ
+judges	NOUN
+.	PUNCT
+
+(	PUNCT
+Applause	NOUN
+.	PUNCT
+)	PUNCT
+
+The	DET
+hymn	NOUN
+was	AUX
+sung	VERB
+at	ADP
+my	PRON
+first	ADJ
+inaugural	ADJ
+church	NOUN
+service	NOUN
+as	ADP
+governor	NOUN
+.	PUNCT
+
+Laura	PROPN
+and	CCONJ
+I	PRON
+are	AUX
+Methodists	PROPN
+.	PUNCT
+
+One	NUM
+of	ADP
+the	DET
+Wesley	PROPN
+boys	NOUN
+wrote	VERB
+the	DET
+hymn	NOUN
+.	PUNCT
+
+The	DET
+painting	NOUN
+is	AUX
+based	VERB
+upon	ADP
+the	DET
+hymn	NOUN
+called	VERB
+,	PUNCT
+'	PUNCT
+A	DET
+Charge	PROPN
+to	PART
+Keep	VERB
+.	PUNCT
+'	PUNCT
+
+I	PRON
+have	VERB
+.	PUNCT
+
+The	DET
+hymn	NOUN
+talks	VERB
+about	SCONJ
+serving	VERB
+something	PRON
+greater	ADJ
+than	ADP
+yourself	PRON
+in	ADP
+life	NOUN
+.	PUNCT
+
+I	PRON
+--	PUNCT
+which	PRON
+I	PRON
+try	VERB
+to	PART
+do	VERB
+,	PUNCT
+as	ADV
+best	ADV
+as	SCONJ
+I	PRON
+possibly	ADV
+can	AUX
+.	PUNCT
+
+(	PUNCT
+Applause	NOUN
+.	PUNCT
+)	PUNCT
+
+"	PUNCT
+The	DET
+book	NOUN
+--	PUNCT
+I	PRON
+guess	VERB
+one	NUM
+way	NOUN
+,	PUNCT
+one	NUM
+thing	NOUN
+to	PART
+think	VERB
+about	ADP
+it	PRON
+is	VERB
+--	PUNCT
+one	NUM
+of	ADP
+the	DET
+themes	NOUN
+would	AUX
+be	VERB
+,	PUNCT
+I	PRON
+was	AUX
+given	VERB
+a	DET
+charge	NOUN
+to	PART
+keep	VERB
+.	PUNCT
+
+And	CCONJ
+I	PRON
+gave	VERB
+it	PRON
+all	DET
+my	PRON
+heart	NOUN
+,	PUNCT
+all	DET
+my	PRON
+energy	NOUN
+,	PUNCT
+based	VERB
+upon	ADP
+principles	NOUN
+that	PRON
+did	AUX
+not	PART
+change	VERB
+once	SCONJ
+I	PRON
+got	VERB
+into	ADP
+the	DET
+Oval	PROPN
+Office	PROPN
+.	PUNCT
+
+(	PUNCT
+Applause	NOUN
+.	PUNCT
+)	PUNCT
+"	PUNCT
+
+Now	ADV
+that	PRON
+'s	AUX
+a	DET
+rambling	ADJ
+response	NOUN
+.	PUNCT
+
+And	CCONJ
+I	PRON
+have	VERB
+to	PART
+wonder	VERB
+:	PUNCT
+Did	AUX
+he	PRON
+forget	VERB
+that	SCONJ
+he	PRON
+already	ADV
+has	VERB
+a	DET
+memoir	NOUN
+called	VERB
+"	PUNCT
+A	DET
+Charge	PROPN
+to	PART
+Keep	VERB
+"	PUNCT
+?	PUNCT
+
+That	PRON
+was	AUX
+the	DET
+name	NOUN
+of	ADP
+his	PRON
+"	PUNCT
+autobiography	NOUN
+"	PUNCT
+--	PUNCT
+ghost	NOUN
+-	PUNCT
+written	VERB
+by	ADP
+adviser	NOUN
+Karen	PROPN
+Hughes	PROPN
+in	ADP
+1999	NUM
+.	PUNCT
+
+There	PRON
+has	AUX
+been	VERB
+random	ADJ
+speculation	NOUN
+about	SCONJ
+Google	PROPN
+developiong	VERB
+a	DET
+new	ADJ
+browser	NOUN
+and	CCONJ
+/	SYM
+or	CCONJ
+acquiring	VERB
+Firefox	PROPN
+.	PUNCT
+
+It	PRON
+is	AUX
+true	ADJ
+that	SCONJ
+Google	PROPN
+has	AUX
+been	AUX
+in	ADP
+acquisition	NOUN
+mode	NOUN
+.	PUNCT
+
+They	PRON
+have	AUX
+acquired	VERB
+Urchin	PROPN
+,	PUNCT
+Zipdash	PROPN
+,	PUNCT
+Applied	PROPN
+Semantics	PROPN
+,	PUNCT
+Picasa	PROPN
+,	PUNCT
+Blogger	PROPN
+,	PUNCT
+and	CCONJ
+satellite	NOUN
+imaging	NOUN
+company	NOUN
+Keyhole	PROPN
+,	PUNCT
+so	ADV
+why	ADV
+not	PART
+Firefox	PROPN
+?	PUNCT
+
+I	PRON
+have	VERB
+no	DET
+inside	ADJ
+information	NOUN
+,	PUNCT
+but	CCONJ
+I	PRON
+have	AUX
+been	AUX
+following	VERB
+links	NOUN
+today	NOUN
+that	PRON
+strongly	ADV
+indicate	VERB
+that	SCONJ
+Google	PROPN
+is	AUX
+damn	ADV
+serious	ADJ
+about	SCONJ
+securing	VERB
+permanent	ADJ
+control	NOUN
+of	ADP
+the	DET
+leading	VERB
+edge	NOUN
+browser	NOUN
+technology	NOUN
+in	ADP
+Firefox	PROPN
+.	PUNCT
+
+Ben	PROPN
+Goodger	PROPN
+is	AUX
+the	DET
+lead	ADJ
+engineer	NOUN
+for	ADP
+Mozilla	PROPN
+Firefox	PROPN
+.	PUNCT
+
+He	PRON
+announced	VERB
+this	PRON
+in	ADP
+January	PROPN
+:	PUNCT
+
+As	ADP
+of	ADP
+January	PROPN
+10	NUM
+,	PUNCT
+2005	NUM
+,	PUNCT
+my	PRON
+source	NOUN
+of	ADP
+income	NOUN
+changed	VERB
+from	ADP
+The	DET
+Mozilla	PROPN
+Foundation	PROPN
+to	ADP
+Google	PROPN
+,	PUNCT
+Inc.	PROPN
+of	ADP
+Mountain	PROPN
+View	PROPN
+,	PUNCT
+California	PROPN
+.	PUNCT
+
+My	PRON
+role	NOUN
+with	ADP
+Firefox	PROPN
+and	CCONJ
+the	DET
+Mozilla	PROPN
+project	NOUN
+will	AUX
+remain	VERB
+largely	ADV
+unchanged	ADJ
+,	PUNCT
+I	PRON
+will	AUX
+continue	VERB
+doing	VERB
+much	ADV
+the	DET
+same	ADJ
+work	NOUN
+as	SCONJ
+I	PRON
+have	AUX
+described	VERB
+above	ADV
+-	PUNCT
+with	ADP
+the	DET
+new	ADJ
+goal	NOUN
+of	ADP
+successful	ADJ
+1.1	NUM
+,	PUNCT
+1.5	NUM
+and	CCONJ
+2.0	NUM
+releases	NOUN
+.	PUNCT
+
+I	PRON
+remain	VERB
+devoted	ADJ
+full	ADJ
+-	PUNCT
+time	NOUN
+to	ADP
+the	DET
+advancement	NOUN
+of	ADP
+Firefox	PROPN
+,	PUNCT
+the	DET
+Mozilla	PROPN
+platform	NOUN
+and	CCONJ
+web	NOUN
+browsing	NOUN
+in	ADP
+general	ADJ
+.	PUNCT
+
+He	PRON
+also	ADV
+announced	VERB
+this	PRON
+in	ADP
+January	PROPN
+:	PUNCT
+
+Welcome	INTJ
+Darin	PROPN
+!	PUNCT
+
+I	PRON
+just	ADV
+want	VERB
+to	PART
+extend	VERB
+a	DET
+big	ADJ
+"	PUNCT
+Welcome	NOUN
+!	PUNCT
+"	PUNCT
+to	ADP
+Darin	PROPN
+Darin	PROPN
+Fisher	PROPN
+who	PRON
+joined	VERB
+me	PRON
+at	ADP
+Google	PROPN
+this	DET
+week	NOUN
+.	PUNCT
+
+2005	NUM
+is	AUX
+going	VERB
+to	PART
+rock	VERB
+!	PUNCT
+
+Darin	PROPN
+Fisher	PROPN
+wrote	VERB
+this	DET
+response	NOUN
+on	ADP
+January	PROPN
+25	NUM
+,	PUNCT
+2005	NUM
+:	PUNCT
+
+Me	PRON
+and	CCONJ
+the	DET
+big	ADJ
+"	PUNCT
+G	PROPN
+"	PUNCT
+
+Following	VERB
+on	ADP
+the	DET
+heels	NOUN
+of	ADP
+Ben	PROPN
+'s	PART
+annoucement	NOUN
+yesterday	NOUN
+,	PUNCT
+I	PRON
+thought	VERB
+I	PRON
+'d	AUX
+post	VERB
+that	SCONJ
+I	PRON
+have	AUX
+joined	VERB
+Google	PROPN
+as	ADV
+well	ADV
+.	PUNCT
+
+Like	ADP
+Ben	PROPN
+,	PUNCT
+I	PRON
+will	AUX
+still	ADV
+be	AUX
+very	ADV
+much	ADV
+involved	ADJ
+with	ADP
+the	DET
+Mozilla	PROPN
+project	NOUN
+and	CCONJ
+community	NOUN
+:-)	SYM
+
+Posted	VERB
+by	ADP
+darin	PROPN
+
+Ben	PROPN
+made	VERB
+another	DET
+announcement	NOUN
+on	ADP
+March	PROPN
+28	NUM
+,	PUNCT
+2005	NUM
+:	PUNCT
+
+I	PRON
+want	VERB
+to	PART
+use	VERB
+this	DET
+opportunity	NOUN
+to	PART
+welcome	VERB
+Brian	PROPN
+Ryner	PROPN
+to	ADP
+Google	PROPN
+!	PUNCT
+
+Brian	PROPN
+has	AUX
+been	AUX
+one	NUM
+of	ADP
+the	DET
+most	ADV
+crucial	ADJ
+elements	NOUN
+to	ADP
+the	DET
+success	NOUN
+of	ADP
+Mozilla	PROPN
+software	NOUN
+over	ADP
+the	DET
+past	ADJ
+few	ADJ
+years	NOUN
+,	PUNCT
+...	PUNCT
+
+Great	ADJ
+to	PART
+have	VERB
+you	PRON
+on	ADP
+board	NOUN
+!	PUNCT
+
+Now	ADV
+,	PUNCT
+none	NOUN
+of	ADP
+this	PRON
+has	AUX
+been	AUX
+confirmed	VERB
+by	ADP
+Google	PROPN
+at	ADP
+the	DET
+present	ADJ
+time	NOUN
+,	PUNCT
+but	CCONJ
+it	PRON
+'s	AUX
+an	DET
+old	ADJ
+adage	NOUN
+that	SCONJ
+you	PRON
+follow	VERB
+the	DET
+money	NOUN
+to	PART
+see	VERB
+who	PRON
+is	AUX
+behind	ADP
+something	PRON
+.	PUNCT
+
+In	ADP
+this	DET
+case	NOUN
+,	PUNCT
+following	VERB
+the	DET
+talent	NOUN
+leads	VERB
+me	PRON
+to	PART
+think	VERB
+that	SCONJ
+Google	PROPN
+will	AUX
+be	AUX
+making	VERB
+an	DET
+announcement	NOUN
+this	DET
+year	NOUN
+that	PRON
+formalizes	VERB
+the	DET
+Google	PROPN
+-	PUNCT
+Mozilla	PROPN
+/	SYM
+Firefox	PROPN
+relationship	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+have	AUX
+not	PART
+already	ADV
+seen	VERB
+the	DET
+Flash	PROPN
+movie	NOUN
+Epic	PROPN
+,	PUNCT
+you	PRON
+should	AUX
+take	VERB
+a	DET
+few	ADJ
+minutes	NOUN
+and	CCONJ
+view	VERB
+the	DET
+future	ADJ
+history	NOUN
+of	ADP
+media	NOUN
+as	SCONJ
+conceived	VERB
+by	ADP
+Robin	PROPN
+Sloan	PROPN
+and	CCONJ
+Matt	PROPN
+Thompson	PROPN
+,	PUNCT
+with	ADP
+music	NOUN
+by	ADP
+Aaron	PROPN
+McLeran	PROPN
+.	PUNCT
+
+In	ADP
+this	DET
+movie	NOUN
+Google	PROPN
+and	CCONJ
+Amazon	PROPN
+(	PUNCT
+GOOGLEZON	PROPN
+)	PUNCT
+create	VERB
+a	DET
+brave	ADJ
+new	ADJ
+world	NOUN
+of	ADP
+media	NOUN
+in	ADP
+2008	NUM
+.	PUNCT
+
+This	PRON
+is	AUX
+one	NUM
+thought	NOUN
+-	PUNCT
+provoking	VERB
+film	NOUN
+.	PUNCT
+
+Every	DET
+move	NOUN
+Google	PROPN
+makes	VERB
+brings	VERB
+this	DET
+particular	ADJ
+future	NOUN
+closer	ADV
+.	PUNCT
+
+Just	ADV
+one	NUM
+small	ADJ
+commment	NOUN
+-	PUNCT
+it	PRON
+'s	AUX
+not	PART
+possible	ADJ
+,	PUNCT
+as	ADV
+far	ADV
+as	SCONJ
+I	PRON
+know	VERB
+,	PUNCT
+for	SCONJ
+Google	PROPN
+to	PART
+"	PUNCT
+Aquire	VERB
+"	PUNCT
+Firefox	PROPN
+.	PUNCT
+
+They	PRON
+already	ADV
+have	VERB
+rights	NOUN
+to	PART
+take	VERB
+it	PRON
+,	PUNCT
+alter	VERB
+it	PRON
+,	PUNCT
+and	CCONJ
+release	VERB
+those	DET
+changes	NOUN
+to	ADP
+the	DET
+world	NOUN
+-	PUNCT
+this	PRON
+is	AUX
+what	PRON
+the	DET
+whole	ADJ
+open	ADJ
+source	NOUN
+thing	NOUN
+is	AUX
+about	ADP
+.	PUNCT
+
+I	PRON
+'m	AUX
+inclined	ADJ
+to	PART
+say	VERB
+that	SCONJ
+google	PROPN
+is	AUX
+doing	VERB
+what	PRON
+they	PRON
+can	AUX
+to	PART
+both	CCONJ
+shape	VERB
+and	CCONJ
+support	VERB
+the	DET
+growth	NOUN
+of	ADP
+the	DET
+most	ADV
+popular	ADJ
+non-Microsoft	ADJ
+browser	NOUN
+out	ADV
+there	ADV
+-	PUNCT
+by	SCONJ
+taking	VERB
+on	ADP
+the	DET
+leading	VERB
+lights	NOUN
+in	ADP
+Firefox	PROPN
+development	NOUN
+,	PUNCT
+they	PRON
+'re	AUX
+ensuring	VERB
+the	DET
+continued	VERB
+life	NOUN
+of	ADP
+the	DET
+project	NOUN
+,	PUNCT
+and	CCONJ
+ensuring	VERB
+(	PUNCT
+not	PART
+that	SCONJ
+I	PRON
+think	VERB
+they	PRON
+need	VERB
+to	PART
+)	PUNCT
+that	SCONJ
+their	PRON
+voice	NOUN
+will	AUX
+be	AUX
+heard	VERB
+admidst	ADP
+the	DET
+higher	ADJ
+echelons	NOUN
+of	ADP
+the	DET
+firefox	PROPN
+development	NOUN
+team	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+this	DET
+sort	NOUN
+of	ADP
+enlightened	ADJ
+self	NOUN
+interest	NOUN
+that	PRON
+keeps	VERB
+large	ADJ
+open	ADJ
+source	NOUN
+projects	NOUN
+alive	ADJ
+.	PUNCT
+
+Fascinating	ADJ
+viewpoint	NOUN
+of	ADP
+the	DET
+future	NOUN
+in	ADP
+Epic	PROPN
+.	PUNCT
+
+Thanks	NOUN
+for	ADP
+the	DET
+link	NOUN
+.	PUNCT
+
+Malach	PROPN
+,	PUNCT
+What	PRON
+you	PRON
+say	VERB
+makes	VERB
+sense	NOUN
+.	PUNCT
+
+Acquiring	VERB
+open	ADJ
+source	NOUN
+talent	NOUN
+gives	VERB
+a	DET
+company	NOUN
+an	DET
+inexpensive	ADJ
+way	NOUN
+of	SCONJ
+influencing	VERB
+and	CCONJ
+anticipating	VERB
+the	DET
+direction	NOUN
+an	DET
+open	ADJ
+source	NOUN
+project	NOUN
+will	AUX
+go	VERB
+.	PUNCT
+
+It	PRON
+probably	ADV
+gives	VERB
+more	ADJ
+bang	NOUN
+for	ADP
+the	DET
+buck	NOUN
+than	SCONJ
+acquiring	VERB
+a	DET
+private	ADJ
+company	NOUN
+and	CCONJ
+having	VERB
+to	PART
+handle	VERB
+the	DET
+inevitable	ADJ
+culture	NOUN
+clashes	NOUN
+and	CCONJ
+process	NOUN
+mis-matches	NOUN
+.	PUNCT
+
+The	DET
+Coalition	PROPN
+decision	NOUN
+to	PART
+provoke	VERB
+a	DET
+fight	NOUN
+with	ADP
+Muqtada	PROPN
+al	PROPN
+-	PUNCT
+Sadr	PROPN
+'s	PART
+movement	NOUN
+only	ADV
+three	NUM
+months	NOUN
+before	SCONJ
+the	DET
+Coalition	PROPN
+Provisional	PROPN
+Authority	PROPN
+goes	VERB
+out	ADP
+of	ADP
+business	NOUN
+has	VERB
+to	PART
+be	AUX
+seen	VERB
+as	ADP
+a	DET
+form	NOUN
+of	ADP
+gross	ADJ
+incompetence	NOUN
+in	ADP
+governance	NOUN
+.	PUNCT
+
+How	ADV
+did	AUX
+the	DET
+CPA	PROPN
+get	VERB
+to	ADP
+the	DET
+point	NOUN
+where	ADV
+it	PRON
+has	AUX
+turned	VERB
+even	ADV
+Iraqi	ADJ
+Shiites	PROPN
+,	PUNCT
+who	PRON
+were	AUX
+initially	ADV
+grateful	ADJ
+for	ADP
+the	DET
+removal	NOUN
+of	ADP
+Saddam	PROPN
+Hussein	PROPN
+,	PUNCT
+against	ADP
+the	DET
+United	PROPN
+States	PROPN
+?	PUNCT
+
+Where	ADV
+it	PRON
+risks	VERB
+fighting	VERB
+dual	ADJ
+Sunni	ADJ
+Arab	ADJ
+and	CCONJ
+Shiite	ADJ
+insurgencies	NOUN
+simultaneously	ADV
+,	PUNCT
+at	ADP
+a	DET
+time	NOUN
+when	ADV
+US	PROPN
+troops	NOUN
+are	AUX
+rotating	VERB
+on	ADP
+a	DET
+massive	ADJ
+scale	NOUN
+and	CCONJ
+hoping	VERB
+to	PART
+downsize	VERB
+their	PRON
+forces	NOUN
+in	ADP
+country	NOUN
+?	PUNCT
+
+At	ADP
+a	DET
+time	NOUN
+when	ADV
+the	DET
+Spanish	ADJ
+,	PUNCT
+Thai	ADJ
+and	CCONJ
+other	ADJ
+contingents	NOUN
+are	AUX
+already	ADV
+committed	ADJ
+to	SCONJ
+leaving	VERB
+,	PUNCT
+and	CCONJ
+the	DET
+UN	PROPN
+is	AUX
+reluctant	ADJ
+to	PART
+get	VERB
+involved	ADJ
+?	PUNCT
+
+One	NUM
+answer	NOUN
+is	VERB
+that	SCONJ
+the	DET
+Pentagon	PROPN
+prevented	VERB
+the	DET
+State	PROPN
+Department	PROPN
+from	SCONJ
+running	VERB
+the	DET
+CPA	PROPN
+.	PUNCT
+
+State	PROPN
+is	AUX
+the	DET
+body	NOUN
+with	ADP
+experience	NOUN
+in	ADP
+international	ADJ
+affairs	NOUN
+and	CCONJ
+administration	NOUN
+.	PUNCT
+
+The	DET
+civilians	NOUN
+in	ADP
+the	DET
+Department	PROPN
+of	ADP
+Defense	PROPN
+only	ADV
+know	VERB
+how	ADV
+to	PART
+blow	VERB
+things	NOUN
+up	ADP
+.	PUNCT
+
+Rumsfeld	PROPN
+,	PUNCT
+Wolfowitz	PROPN
+and	CCONJ
+Feith	PROPN
+staffed	VERB
+the	DET
+CPA	PROPN
+with	ADP
+Neoconservatives	NOUN
+,	PUNCT
+most	ADJ
+of	ADP
+whom	PRON
+had	VERB
+no	DET
+administrative	ADJ
+experience	NOUN
+,	PUNCT
+no	DET
+Arabic	PROPN
+,	PUNCT
+and	CCONJ
+no	DET
+respect	NOUN
+for	ADP
+Muslim	ADJ
+culture	NOUN
+(	PUNCT
+or	CCONJ
+knowledge	NOUN
+about	ADP
+it	PRON
+)	PUNCT
+.	PUNCT
+
+They	PRON
+actively	ADV
+excluded	VERB
+State	PROPN
+Department	PROPN
+Iraq	PROPN
+hands	NOUN
+like	ADP
+Tom	PROPN
+Warrick	PROPN
+.	PUNCT
+
+(	PUNCT
+Only	ADV
+recently	ADV
+have	AUX
+a	DET
+few	ADJ
+experienced	ADJ
+State	PROPN
+Department	PROPN
+Arabists	NOUN
+been	AUX
+allowed	VERB
+in	ADV
+to	PART
+try	VERB
+to	PART
+begin	VERB
+mopping	VERB
+up	ADP
+the	DET
+mess	NOUN
+.	PUNCT
+)	PUNCT
+
+The	DET
+Neocons	NOUN
+in	ADP
+the	DET
+CPA	PROPN
+have	VERB
+all	DET
+sorts	NOUN
+of	ADP
+ulterior	ADJ
+motives	NOUN
+and	CCONJ
+social	ADJ
+experiments	NOUN
+they	PRON
+want	VERB
+to	PART
+impose	VERB
+on	ADP
+the	DET
+Iraqi	ADJ
+people	NOUN
+,	PUNCT
+including	VERB
+Polish	PROPN
+-	PUNCT
+style	NOUN
+economic	ADJ
+shock	NOUN
+therapy	NOUN
+,	PUNCT
+some	DET
+sort	NOUN
+of	ADP
+sweetheart	NOUN
+deal	NOUN
+for	ADP
+Israel	PROPN
+,	PUNCT
+and	CCONJ
+maybe	ADV
+even	ADV
+breaking	VERB
+the	DET
+country	NOUN
+up	ADP
+into	ADP
+three	NUM
+parts	NOUN
+.	PUNCT
+
+The	DET
+Washington	PROPN
+Monthly	PROPN
+'s	PART
+Who	PRON
+'s	AUX
+Who	PRON
+of	ADP
+Neocons	PROPN
+in	ADP
+Iraq	PROPN
+helps	VERB
+explain	VERB
+the	DET
+extreme	ADJ
+incompetence	NOUN
+and	CCONJ
+possibly	ADV
+double	ADJ
+-	PUNCT
+dealing	NOUN
+of	ADP
+many	ADJ
+in	ADP
+the	DET
+CPA	PROPN
+.	PUNCT
+
+Sept.	PROPN
+11	PROPN
+Commission	PROPN
+member	NOUN
+Philip	PROPN
+Zelikow	PROPN
+,	PUNCT
+who	PRON
+is	AUX
+close	ADJ
+to	ADP
+the	DET
+Bush	PROPN
+administration	NOUN
+,	PUNCT
+admitted	VERB
+on	ADP
+Sept.	PROPN
+10	NUM
+,	PUNCT
+2002	NUM
+,	PUNCT
+that	SCONJ
+the	DET
+ulterior	ADJ
+motive	NOUN
+of	ADP
+the	DET
+Bush	PROPN
+administration	NOUN
+for	ADP
+the	DET
+Iraq	PROPN
+War	PROPN
+was	VERB
+to	PART
+"	PUNCT
+protect	VERB
+Israel	PROPN
+,	PUNCT
+"	PUNCT
+according	VERB
+to	ADP
+the	DET
+Asian	PROPN
+Times	PROPN
+.	PUNCT
+
+I	PRON
+have	AUX
+long	ADV
+been	AUX
+a	DET
+trenchant	ADJ
+critic	NOUN
+of	ADP
+the	DET
+Sadrists	PROPN
+.	PUNCT
+
+But	CCONJ
+they	PRON
+have	AUX
+n't	PART
+been	AUX
+up	ADP
+to	ADP
+anything	PRON
+extraordinary	ADJ
+as	ADV
+far	ADV
+as	SCONJ
+I	PRON
+can	AUX
+see	VERB
+in	ADP
+recent	ADJ
+weeks	NOUN
+.	PUNCT
+
+Someone	PRON
+in	ADP
+the	DET
+CPA	PROPN
+sat	VERB
+down	ADV
+and	CCONJ
+thought	VERB
+up	ADP
+ways	NOUN
+to	PART
+stir	VERB
+them	PRON
+up	ADP
+by	SCONJ
+closing	VERB
+their	PRON
+newspaper	NOUN
+and	CCONJ
+issuing	VERB
+28	NUM
+arrest	NOUN
+warrants	NOUN
+and	CCONJ
+taking	VERB
+in	ADV
+people	NOUN
+like	ADP
+Yaqubi	PROPN
+.	PUNCT
+
+This	PRON
+is	AUX
+either	CCONJ
+gross	ADJ
+incompetence	NOUN
+or	CCONJ
+was	AUX
+done	VERB
+with	ADP
+dark	ADJ
+ulterior	ADJ
+motives	NOUN
+that	PRON
+can	AUX
+scarcely	ADV
+be	AUX
+guessed	VERB
+at	ADP
+.	PUNCT
+
+There	PRON
+is	VERB
+a	DET
+classical	ADJ
+logical	ADJ
+fallacy	NOUN
+,	PUNCT
+post	X
+hoc	X
+ergo	X
+propter	X
+hoc	X
+(	PUNCT
+Z	NOUN
+happens	VERB
+after	ADP
+X	NOUN
+,	PUNCT
+therefore	ADV
+Z	NOUN
+is	AUX
+caused	VERB
+by	ADP
+X	NOUN
+)	PUNCT
+,	PUNCT
+and	CCONJ
+I	PRON
+keep	VERB
+revising	VERB
+this	DET
+posting	NOUN
+this	DET
+evening	NOUN
+because	SCONJ
+I	PRON
+do	AUX
+n't	PART
+want	VERB
+to	PART
+fall	VERB
+into	ADP
+it	PRON
+.	PUNCT
+
+But	CCONJ
+sometimes	ADV
+,	PUNCT
+of	ADV
+course	ADV
+,	PUNCT
+when	ADV
+Z	NOUN
+happens	VERB
+after	ADP
+X	NOUN
+it	PRON
+is	VERB
+because	ADP
+of	ADP
+X	NOUN
+.	PUNCT
+
+So	ADV
+I	PRON
+may	AUX
+as	ADV
+well	ADV
+just	ADV
+come	VERB
+out	ADV
+with	ADP
+it	PRON
+:	PUNCT
+It	PRON
+is	AUX
+pretty	ADV
+suspicious	ADJ
+,	PUNCT
+given	VERB
+the	DET
+Neocon	NOUN
+predominance	NOUN
+in	ADP
+the	DET
+CPA	PROPN
+and	CCONJ
+in	ADP
+the	DET
+upper	ADJ
+reaches	NOUN
+of	ADP
+the	DET
+Defense	PROPN
+Department	PROPN
+that	SCONJ
+on	ADP
+April	PROPN
+2	NUM
+AP	PROPN
+reported	VERB
+of	ADP
+Muqtada	PROPN
+:	PUNCT
+
+'	PUNCT
+A	DET
+radical	ADJ
+Shiite	ADJ
+Muslim	ADJ
+cleric	NOUN
+has	AUX
+expressed	VERB
+solidarity	NOUN
+with	ADP
+the	DET
+militant	ADJ
+Palestinian	ADJ
+group	NOUN
+Hamas	PROPN
+and	CCONJ
+said	VERB
+that	SCONJ
+he	PRON
+should	AUX
+be	AUX
+considered	VERB
+the	DET
+group	NOUN
+'s	PART
+"	PUNCT
+striking	NOUN
+arm	NOUN
+"	PUNCT
+in	ADP
+Iraq	PROPN
+.	PUNCT
+
+"	PUNCT
+I	PRON
+have	AUX
+said	VERB
+and	CCONJ
+I	PRON
+repeat	VERB
+my	PRON
+expression	NOUN
+of	ADP
+solidarity	NOUN
+which	PRON
+Hassan	PROPN
+Nasrallah	PROPN
+called	VERB
+for	ADP
+to	PART
+stand	VERB
+with	ADP
+Hamas	PROPN
+,	PUNCT
+"	PUNCT
+Shiite	ADJ
+cleric	NOUN
+Muqtada	PROPN
+al	PROPN
+-	PUNCT
+Sadr	PROPN
+said	VERB
+Friday	PROPN
+in	ADP
+a	DET
+reference	NOUN
+to	ADP
+Nasrallah	PROPN
+,	PUNCT
+the	DET
+leader	NOUN
+of	ADP
+the	DET
+militant	ADJ
+Lebanese	ADJ
+Shiite	ADJ
+group	NOUN
+Hezbollah	PROPN
+.	PUNCT
+
+Last	ADJ
+month	NOUN
+,	PUNCT
+Nasrallah	PROPN
+announced	VERB
+that	SCONJ
+his	PRON
+party	NOUN
+would	AUX
+close	VERB
+ranks	NOUN
+with	ADP
+Hamas	PROPN
+.	PUNCT
+
+"	PUNCT
+Let	VERB
+(	PUNCT
+Hamas	PROPN
+)	PUNCT
+consider	VERB
+me	PRON
+their	PRON
+striking	NOUN
+arm	NOUN
+in	ADP
+Iraq	PROPN
+because	SCONJ
+the	DET
+fate	NOUN
+of	ADP
+Iraq	PROPN
+and	CCONJ
+Palestine	PROPN
+is	AUX
+the	DET
+same	ADJ
+,	PUNCT
+"	PUNCT
+al	PROPN
+-	PUNCT
+Sadr	PROPN
+said	VERB
+during	ADP
+a	DET
+Friday	PROPN
+prayer	NOUN
+sermon	NOUN
+in	ADP
+Kufa	PROPN
+,	PUNCT
+his	PRON
+home	NOUN
+base	NOUN
+south	ADV
+of	ADP
+Baghdad	PROPN
+.	PUNCT
+
+He	PRON
+did	AUX
+comment	VERB
+on	SCONJ
+what	PRON
+he	PRON
+meant	VERB
+by	ADP
+the	DET
+phrase	NOUN
+.	PUNCT
+'	PUNCT
+
+And	CCONJ
+on	ADP
+April	PROPN
+3	NUM
+his	PRON
+chief	ADJ
+aide	NOUN
+in	ADP
+Najaf	PROPN
+was	AUX
+suddenly	ADV
+arrested	VERB
+along	ADP
+with	ADP
+13	NUM
+other	ADJ
+members	NOUN
+of	ADP
+his	PRON
+organization	NOUN
+,	PUNCT
+and	CCONJ
+the	DET
+Coalition	PROPN
+forces	NOUN
+are	AUX
+put	VERB
+into	ADP
+violent	ADJ
+conflict	NOUN
+with	ADP
+his	PRON
+organization	NOUN
+,	PUNCT
+which	PRON
+leaves	VERB
+7	NUM
+US	PROPN
+soldiers	NOUN
+dead	ADJ
+.	PUNCT
+
+The	DET
+Army	PROPN
+is	AUX
+unlikely	ADJ
+to	PART
+forgive	VERB
+or	CCONJ
+forget	VERB
+;	PUNCT
+but	CCONJ
+who	PRON
+provoked	VERB
+it	PRON
+and	CCONJ
+why	ADV
+?	PUNCT
+
+I	PRON
+'m	AUX
+not	PART
+even	ADV
+in	ADP
+Iraq	PROPN
+and	CCONJ
+I	PRON
+could	AUX
+have	AUX
+predicted	VERB
+to	ADP
+you	PRON
+the	DET
+consequences	NOUN
+of	SCONJ
+doing	VERB
+what	PRON
+the	DET
+CPA	PROPN
+has	AUX
+been	AUX
+doing	VERB
+.	PUNCT
+
+Anthony	PROPN
+Shadid	PROPN
+of	ADP
+the	DET
+Washington	PROPN
+Post	PROPN
+reveals	VERB
+that	SCONJ
+the	DET
+warrants	NOUN
+for	ADP
+the	DET
+arrests	NOUN
+had	AUX
+been	AUX
+issued	VERB
+months	NOUN
+be	X
+for	ADV
+.	PUNCT
+
+Why	ADV
+were	AUX
+they	PRON
+suddenly	ADV
+acted	VERB
+on	ADP
+Saturday	PROPN
+?	PUNCT
+
+i	PRON
+am	AUX
+not	PART
+going	VERB
+unless	SCONJ
+lisa	PROPN
+promises	VERB
+to	PART
+get	VERB
+all	ADV
+wasted	ADJ
+and	CCONJ
+boob	VERB
+out	ADP
+.	PUNCT
+
+I	PRON
+definitely	ADV
+could	AUX
+use	VERB
+a	DET
+drink	NOUN
+,	PUNCT
+actually	ADV
+a	DET
+couple	ADJ
+would	AUX
+probably	ADV
+do	VERB
+better	ADV
+.	PUNCT
+
+Bryan	PROPN
+,	PUNCT
+you	PRON
+'re	AUX
+in	ADV
+,	PUNCT
+right	INTJ
+?	PUNCT
+
+Anybody	PRON
+up	ADV
+for	ADP
+happy	ADJ
+hour	NOUN
+after	ADP
+work	NOUN
+?	PUNCT
+
+I	PRON
+was	AUX
+thinking	VERB
+Kenneally	PROPN
+'s	PART
+at	ADP
+around	ADV
+5	NUM
+.	PUNCT
+
+Let	VERB
+me	PRON
+know	VERB
+
+you	PRON
+do	AUX
+n't	PART
+know	VERB
+what	PRON
+that	PRON
+means	VERB
+?	PUNCT
+
+where	ADV
+did	AUX
+you	PRON
+grow	VERB
+up	ADP
+?	PUNCT
+
+india	PROPN
+?	PUNCT
+
+boob	VERB
+out	ADP
+?	PUNCT
+
+should	AUX
+I	PRON
+be	AUX
+embarrassed	ADJ
+that	SCONJ
+I	PRON
+have	VERB
+n't	PART
+the	DET
+slightest	ADJ
+idea	NOUN
+what	PRON
+that	PRON
+means	VERB
+?	PUNCT
+
+i	PRON
+am	AUX
+going	VERB
+out	ADV
+tonight	NOUN
+to	PART
+get	VERB
+wasted	ADJ
+if	SCONJ
+anyone	PRON
+is	AUX
+interested	ADJ
+.	PUNCT
+
+jill	PROPN
+allen	PROPN
+finishes	VERB
+her	PRON
+cpa	NOUN
+today	NOUN
+and	CCONJ
+she	PRON
+and	CCONJ
+her	PRON
+friends	NOUN
+are	AUX
+going	VERB
+to	PART
+party	VERB
+.	PUNCT
+
+max	PROPN
+and	CCONJ
+jen	PROPN
+are	AUX
+looking	VERB
+for	ADP
+you	PRON
+.	PUNCT
+
+call	VERB
+them	PRON
+at	ADP
+303-832-8160	NUM
+.	PUNCT
+
+they	PRON
+have	AUX
+n't	PART
+heard	VERB
+from	ADP
+you	PRON
+in	ADP
+a	DET
+while	NOUN
+.	PUNCT
+
+Work	VERB
+it	PRON
+into	ADP
+your	PRON
+speech	NOUN
+--	PUNCT
+something	PRON
+along	ADP
+the	DET
+line	NOUN
+of	ADP
+,	PUNCT
+"	PUNCT
+And	CCONJ
+Jen	PROPN
+,	PUNCT
+you	PRON
+come	VERB
+from	ADP
+great	ADJ
+people	NOUN
+and	CCONJ
+have	VERB
+fantastic	ADJ
+friends	NOUN
+.	PUNCT
+
+In	ADP
+fact	NOUN
+Peder	PROPN
+and	CCONJ
+I	PRON
+were	AUX
+remarking	VERB
+on	SCONJ
+how	ADV
+agreeable	ADJ
+they	PRON
+all	DET
+are	AUX
+as	SCONJ
+the	PRON
+sucked	VERB
+on	ADP
+our	PRON
+balls	NOUN
+last	ADJ
+night	NOUN
+.	PUNCT
+
+Fucking	ADJ
+bitches	NOUN
+!	PUNCT
+"	PUNCT
+
+i	PRON
+have	VERB
+to	PART
+go	VERB
+to	ADP
+butt	NOUN
+-	PUNCT
+fucking	VERB
+mississippi	PROPN
+.	PUNCT
+
+i	PRON
+am	AUX
+not	PART
+looking	VERB
+foward	ADV
+to	ADP
+that	PRON
+but	CCONJ
+do	AUX
+n't	PART
+tell	VERB
+val	PROPN
+.	PUNCT
+
+the	DET
+following	VERB
+weekend	NOUN
+i	PRON
+will	AUX
+be	AUX
+ready	ADJ
+to	PART
+rock	VERB
+.	PUNCT
+
+i	PRON
+think	VERB
+they	PRON
+are	AUX
+all	DET
+bark	NOUN
+and	CCONJ
+no	DET
+bite	NOUN
+.	PUNCT
+
+i	PRON
+think	VERB
+they	PRON
+could	AUX
+get	VERB
+their	PRON
+asses	NOUN
+kicked	VERB
+by	ADP
+cats	NOUN
+.	PUNCT
+
+they	PRON
+look	VERB
+like	SCONJ
+they	PRON
+were	AUX
+doberman	NOUN
+pinchers	NOUN
+who	PRON
+were	AUX
+shrunk	VERB
+.	PUNCT
+
+you	PRON
+should	AUX
+get	VERB
+a	DET
+cocker	NOUN
+spaniel	NOUN
+.	PUNCT
+
+no	INTJ
+,	PUNCT
+i	PRON
+am	AUX
+not	PART
+kidding	VERB
+and	CCONJ
+no	INTJ
+i	PRON
+do	AUX
+n't	PART
+want	VERB
+it	PRON
+b/c	ADP
+of	ADP
+the	DET
+taco	PROPN
+bell	PROPN
+dog	NOUN
+.	PUNCT
+
+i	PRON
+want	VERB
+it	PRON
+b/c	SCONJ
+it	PRON
+is	AUX
+really	ADV
+small	ADJ
+and	CCONJ
+cute	ADJ
+.	PUNCT
+
+i	PRON
+knew	VERB
+someone	PRON
+in	ADP
+college	NOUN
+who	PRON
+had	VERB
+one	NUM
+and	CCONJ
+i	PRON
+loved	VERB
+it	PRON
+.	PUNCT
+
+why	ADV
+do	AUX
+you	PRON
+think	VERB
+they	PRON
+are	AUX
+mean	ADJ
+?	PUNCT
+
+are	AUX
+you	PRON
+kidding	VERB
+?	PUNCT
+
+why	ADV
+would	AUX
+you	PRON
+want	VERB
+a	DET
+chihuahua	NOUN
+?	PUNCT
+
+those	DET
+dogs	NOUN
+are	AUX
+n't	PART
+even	ADV
+friendly	ADJ
+.	PUNCT
+
+do	AUX
+you	PRON
+think	VERB
+they	PRON
+are	AUX
+cool	ADJ
+b/c	ADP
+of	ADP
+the	DET
+taco	PROPN
+bell	PROPN
+dog	NOUN
+?	PUNCT
+
+"	PUNCT
+Les	PROPN
+Spahnn	PROPN
+"	PUNCT
+<	PUNCT
+spahnn@hnks.com	X
+>	PUNCT
+
+02/13/2001	NUM
+08:02	NUM
+PM	NOUN
+
+All	DET
+:	PUNCT
+
+It	PRON
+is	AUX
+my	PRON
+understanding	NOUN
+,	PUNCT
+from	ADP
+good	ADJ
+sources	NOUN
+in	ADP
+the	DET
+Gov	PROPN
+s	PART
+office	NOUN
+that	SCONJ
+the	DET
+Gov	PROPN
+will	AUX
+order	VERB
+Loretta	PROPN
+Lynch	PROPN
+to	PART
+expeditiously	ADV
+implement	VERB
+the	DET
+provision	NOUN
+to	PART
+suspend	VERB
+all	DET
+parties	NOUN
+auhtority	NOUN
+to	PART
+enter	VERB
+into	ADP
+direct	ADJ
+access	NOUN
+contracts	NOUN
+.	PUNCT
+
+The	DET
+premise	NOUN
+with	ADP
+which	PRON
+the	DET
+administartion	NOUN
+is	AUX
+acting	VERB
+is	VERB
+that	SCONJ
+if	SCONJ
+they	PRON
+expeditiously	ADV
+suspend	VERB
+everyone	PRON
+'s	PART
+right	NOUN
+to	ADP
+bilateral	ADJ
+contracts	NOUN
+quickly	ADV
+,	PUNCT
+it	PRON
+sets	VERB
+up	ADP
+a	DET
+barrier	NOUN
+which	PRON
+the	DET
+direct	ADJ
+access	NOUN
+coalition	NOUN
+must	AUX
+break	VERB
+through	ADP
+.	PUNCT
+
+In	ADP
+other	ADJ
+words	NOUN
+the	DET
+table	NOUN
+is	AUX
+set	VERB
+.	PUNCT
+
+Deal	VERB
+your	PRON
+meal	NOUN
+from	ADP
+where	ADV
+the	DET
+dishes	NOUN
+are	AUX
+located	VERB
+.	PUNCT
+
+I.E.	X
+the	DET
+Davis	PROPN
+Administration	NOUN
+wants	VERB
+to	PART
+place	VERB
+all	DET
+direct	ADJ
+access	NOUN
+advocates	NOUN
+in	ADP
+the	DET
+position	NOUN
+of	SCONJ
+having	VERB
+to	PART
+justify	VERB
+why	ADV
+each	DET
+and	CCONJ
+every	DET
+party	NOUN
+should	AUX
+be	AUX
+the	DET
+exception	NOUN
+to	ADP
+the	DET
+suspension	NOUN
+rather	ADV
+than	ADP
+have	VERB
+a	DET
+general	ADJ
+rule	NOUN
+concerning	VERB
+how	ADV
+direct	ADJ
+access	NOUN
+should	AUX
+work	VERB
+for	ADP
+all	DET
+parties	NOUN
+.	PUNCT
+
+It	PRON
+clearly	ADV
+gives	VERB
+the	DET
+Admin	NOUN
+a	DET
+very	ADV
+strong	ADJ
+upper	ADJ
+hand	NOUN
+to	PART
+control	VERB
+who	PRON
+when	ADV
+and	CCONJ
+where	ADV
+direct	ADJ
+access	NOUN
+can	AUX
+occur	VERB
+without	SCONJ
+having	VERB
+to	PART
+say	VERB
+that	SCONJ
+they	PRON
+oppose	VERB
+direct	ADJ
+access	NOUN
+.	PUNCT
+
+Power	NOUN
+be	VERB
+where	ADV
+power	NOUN
+lies	VERB
+.	PUNCT
+
+you	PRON
+are	AUX
+n't	PART
+going	VERB
+in	ADV
+for	ADP
+the	DET
+wedding	NOUN
+until	ADP
+sunday	PROPN
+now	ADV
+?	PUNCT
+
+I	PRON
+'m	AUX
+in	ADV
+
+Regards	NOUN
+,	PUNCT
+
+Kevin	PROPN
+A.	PROPN
+Boone	PROPN
+Accenture	PROPN
+--	PUNCT
+Houston	PROPN
+Consultant	NOUN
+--	PUNCT
+Energy	NOUN
+(	PUNCT
+Octel	PROPN
+)	PUNCT
+713.837.1638	NUM
+(	PUNCT
+Client	NOUN
+)	PUNCT
+281.848.1619	NUM
+(	PUNCT
+C	NOUN
+)	PUNCT
+713.306.7940	NUM
+(	PUNCT
+H	NOUN
+)	PUNCT
+713.864.4149	NUM
+Kevin.A.Boone@accenture.com	X
+
+Our	PRON
+web	NOUN
+address	NOUN
+is	AUX
+http://www.accenture.com	X
+
+"	PUNCT
+Lenhart	PROPN
+,	PUNCT
+Matthew	PROPN
+"	PUNCT
+
+you	PRON
+guys	NOUN
+want	VERB
+to	PART
+watch	VERB
+the	DET
+game	NOUN
+at	ADP
+woodrow	PROPN
+s	PART
+tomorrow	NOUN
+?	PUNCT
+
+there	PRON
+will	AUX
+be	VERB
+some	DET
+girls	NOUN
+there	ADV
+and	CCONJ
+then	ADV
+we	PRON
+can	AUX
+get	VERB
+them	PRON
+to	PART
+meet	VERB
+up	ADP
+with	ADP
+us	PRON
+at	ADP
+that	DET
+garden	NOUN
+in	ADP
+the	DET
+heights	NOUN
+party	NOUN
+later	ADV
+that	DET
+night	NOUN
+.	PUNCT
+
+plus	CCONJ
+we	PRON
+can	AUX
+be	AUX
+outside	ADV
+watching	VERB
+it	PRON
+.	PUNCT
+
+This	DET
+message	NOUN
+is	AUX
+for	ADP
+the	DET
+designated	VERB
+recipient	NOUN
+only	ADV
+and	CCONJ
+may	AUX
+contain	VERB
+privileged	ADJ
+or	CCONJ
+confidential	ADJ
+information	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+have	AUX
+received	VERB
+it	PRON
+in	ADP
+error	NOUN
+,	PUNCT
+please	INTJ
+notify	VERB
+the	DET
+sender	NOUN
+immediately	ADV
+and	CCONJ
+delete	VERB
+the	DET
+original	NOUN
+.	PUNCT
+
+Any	DET
+other	ADJ
+use	NOUN
+of	ADP
+the	DET
+email	NOUN
+by	ADP
+you	PRON
+is	AUX
+prohibited	VERB
+.	PUNCT
+
+just	ADV
+call	VERB
+me	PRON
+on	ADP
+my	PRON
+cell	NOUN
+phone	NOUN
+.	PUNCT
+
+i	PRON
+am	AUX
+going	VERB
+to	ADP
+happy	ADJ
+hour	NOUN
+after	ADP
+work	NOUN
+to	PART
+eat	VERB
+and	CCONJ
+drink	VERB
+.	PUNCT
+
+what	PRON
+do	AUX
+you	PRON
+mean	VERB
+i	PRON
+am	AUX
+perverted	ADJ
+?	PUNCT
+
+whatever	INTJ
+,	PUNCT
+you	PRON
+'re	AUX
+the	DET
+perverted	ADJ
+old	ADJ
+man	NOUN
+.	PUNCT
+
+you	PRON
+love	VERB
+it	PRON
+when	ADV
+i	PRON
+come	VERB
+over	ADV
+.	PUNCT
+
+i	PRON
+satisfy	VERB
+your	PRON
+appetitie	NOUN
+for	ADP
+lovin	NOUN
+.	PUNCT
+
+Robert	X
+Bryngelson@AZURIX	X
+
+08/16/2000	NUM
+12:05	NUM
+PM	NOUN
+
+I	PRON
+just	ADV
+wanted	VERB
+to	PART
+send	VERB
+you	PRON
+a	DET
+quick	ADJ
+note	NOUN
+to	PART
+let	VERB
+you	PRON
+know	VERB
+that	SCONJ
+I	PRON
+'m	AUX
+out	ADV
+ta	ADP
+here	ADV
+!	PUNCT
+
+Today	NOUN
+is	AUX
+my	PRON
+last	ADJ
+day	NOUN
+in	ADP
+the	DET
+office	NOUN
+here	ADV
+at	ADP
+Azurix	PROPN
+,	PUNCT
+and	CCONJ
+in	ADP
+the	DET
+coming	VERB
+months	NOUN
+,	PUNCT
+I	PRON
+will	AUX
+start	VERB
+in	ADP
+a	DET
+new	ADJ
+position	NOUN
+as	ADP
+SVP	NOUN
+in	ADP
+the	DET
+LNG	NOUN
+development	NOUN
+group	NOUN
+at	ADP
+El	PROPN
+Paso	PROPN
+Energy	PROPN
+.	PUNCT
+
+This	PRON
+happened	VERB
+very	ADV
+quickly	ADV
+,	PUNCT
+and	CCONJ
+I	PRON
+wanted	VERB
+to	PART
+make	VERB
+sure	ADJ
+that	SCONJ
+I	PRON
+let	VERB
+everyone	PRON
+know	VERB
+before	SCONJ
+I	PRON
+left	VERB
+.	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+have	VERB
+any	DET
+contact	NOUN
+information	NOUN
+yet	ADV
+for	ADP
+my	PRON
+new	ADJ
+job	NOUN
+,	PUNCT
+but	CCONJ
+if	SCONJ
+you	PRON
+want	VERB
+to	PART
+reach	VERB
+me	PRON
+,	PUNCT
+you	PRON
+can	AUX
+do	VERB
+so	ADV
+at	ADP
+RobBrnglsn@aol.com	X
+or	CCONJ
+at	ADP
+713-664-7478	NUM
+.	PUNCT
+
+I	PRON
+enjoyed	VERB
+working	VERB
+with	ADP
+all	DET
+of	ADP
+you	PRON
+during	ADP
+the	DET
+past	ADJ
+five	NUM
+years	NOUN
+at	ADP
+Enron	PROPN
+/	PUNCT
+Azurix	PROPN
+,	PUNCT
+and	CCONJ
+I	PRON
+wish	VERB
+you	PRON
+all	DET
+of	ADP
+the	DET
+best	ADJ
+.	PUNCT
+
+Take	VERB
+care	NOUN
+.	PUNCT
+
+Rob	PROPN
+Bryngelson	PROPN
+
+PS	NOUN
+--	PUNCT
+There	PRON
+is	VERB
+a	DET
+happy	ADJ
+hour	NOUN
+tonight	NOUN
+at	ADP
+Scudeiros	PROPN
+on	ADP
+Dallas	PROPN
+Street	PROPN
+(	PUNCT
+just	ADV
+west	ADV
+of	ADP
+the	DET
+Met	PROPN
+Garage	NOUN
+)	PUNCT
+beginning	VERB
+around	ADP
+5:00	NUM
+.	PUNCT
+
+If	SCONJ
+you	PRON
+can	AUX
+make	VERB
+it	PRON
+,	PUNCT
+please	INTJ
+come	VERB
+!	PUNCT
+
+Traci	X
+Warner@ENRON	X
+COMMUNICATIONS	X
+on	ADP
+08/16/2000	NUM
+03:14:14	NUM
+PM	NOUN
+
+Steve	PROPN
+,	PUNCT
+Rod	PROPN
+and	CCONJ
+Elyse	PROPN
+-	PUNCT
+
+Just	ADV
+wanted	VERB
+to	PART
+confirm	VERB
+our	PRON
+meeting	NOUN
+on	ADP
+Tuesday	PROPN
+Aug	PROPN
+29th	NOUN
+from	ADP
+1:30	NUM
+-	SYM
+2:30	NUM
+to	PART
+discuss	VERB
+U	PROPN
+of	ADP
+H	PROPN
+'s	PART
+endowment	NOUN
+proposal	NOUN
+.	PUNCT
+
+We	PRON
+will	AUX
+meeting	VERB
+Rod	PROPN
+'s	PART
+office	NOUN
+EB	PROPN
+4054	NUM
+
+I	PRON
+look	VERB
+forward	ADV
+to	SCONJ
+seeing	VERB
+you	PRON
+all	DET
+there	ADV
+.	PUNCT
+
+Sincerely	ADV
+,	PUNCT
+
+Traci	PROPN
+
+Traci	PROPN
+Warner	PROPN
+Enron	PROPN
+Broadband	PROPN
+Services	PROPN
+,	PUNCT
+Inc.	PROPN
+Phone	NOUN
+(	PUNCT
+713	NUM
+)	PUNCT
+853-3242	NUM
+Cell	NOUN
+(	PUNCT
+713	NUM
+)	PUNCT
+705-7201	NUM
+
+Kay	PROPN
+Mann	PROPN
+
+04/26/2001	NUM
+07:17	NUM
+AM	NOUN
+
+Will	AUX
+you	PRON
+be	AUX
+providing	VERB
+an	DET
+execution	NOUN
+version	NOUN
+with	ADP
+questions	NOUN
+removed	VERB
+/	PUNCT
+blanks	NOUN
+filled	VERB
+in	ADP
+?	PUNCT
+
+Please	INTJ
+send	VERB
+it	PRON
+directly	ADV
+to	ADP
+kent.shoemaker@ae.ge.com	X
+,	PUNCT
+copy	VERB
+to	ADP
+me	PRON
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Kay	PROPN
+
+"	PUNCT
+paulhastings.com	X
+"	PUNCT
+made	VERB
+the	DET
+following	VERB
+annotations	NOUN
+on	ADP
+04/25/01	NUM
+12:42:55	NUM
+
+We	PRON
+have	AUX
+changed	VERB
+our	PRON
+e-mail	NOUN
+address	NOUN
+.	PUNCT
+
+Our	PRON
+new	ADJ
+domain	NOUN
+name	NOUN
+is	AUX
+paulhastings.com	X
+.	PUNCT
+
+In	ADP
+most	ADJ
+cases	NOUN
+,	PUNCT
+our	PRON
+address	NOUN
+is	AUX
+composed	VERB
+of	ADP
+conventional	ADJ
+first	ADJ
+name	NOUN
+and	CCONJ
+last	ADJ
+name	NOUN
+plus	CCONJ
+@paulhastings.com	NOUN
+.	PUNCT
+
+Here	ADV
+are	AUX
+two	NUM
+examples	NOUN
+:	PUNCT
+janesmith@paulhastings.com	X
+and	CCONJ
+danjones@paulhastings.com	X
+.	PUNCT
+
+If	SCONJ
+you	PRON
+have	VERB
+any	DET
+questions	NOUN
+,	PUNCT
+please	INTJ
+contact	VERB
+us	PRON
+at	ADP
+noc@paulhastings.com	X
+.	PUNCT
+
+==============================================================================	SYM
+
+"	PUNCT
+The	DET
+information	NOUN
+transmitted	VERB
+is	AUX
+intended	VERB
+only	ADV
+for	ADP
+the	DET
+person	NOUN
+or	CCONJ
+entity	NOUN
+to	ADP
+which	PRON
+it	PRON
+is	AUX
+addressed	VERB
+and	CCONJ
+may	AUX
+contain	VERB
+confidential	ADJ
+and	CCONJ
+/	PUNCT
+or	CCONJ
+privileged	ADJ
+material	NOUN
+.	PUNCT
+
+Any	DET
+review	NOUN
+,	PUNCT
+retransmission	NOUN
+,	PUNCT
+dissemination	NOUN
+or	CCONJ
+other	ADJ
+use	NOUN
+of	ADP
+,	PUNCT
+or	CCONJ
+taking	NOUN
+of	ADP
+any	DET
+action	NOUN
+in	ADP
+reliance	NOUN
+upon	ADP
+,	PUNCT
+this	DET
+information	NOUN
+by	ADP
+persons	NOUN
+or	CCONJ
+entities	NOUN
+other	ADJ
+than	ADP
+the	DET
+intended	VERB
+recipient	NOUN
+is	AUX
+prohibited	VERB
+.	PUNCT
+
+If	SCONJ
+you	PRON
+received	VERB
+this	PRON
+in	ADP
+error	NOUN
+,	PUNCT
+please	INTJ
+contact	VERB
+the	DET
+sender	NOUN
+and	CCONJ
+delete	VERB
+the	DET
+material	NOUN
+from	ADP
+all	DET
+computers	NOUN
+.	PUNCT
+"	PUNCT
+
+==============================================================================	SYM
+
+Attached	VERB
+please	INTJ
+find	VERB
+the	DET
+GE	PROPN
+Guarantee	NOUN
+in	ADP
+Word	PROPN
+format	NOUN
+.?	PUNCT
+
+Also	ADV
+,	PUNCT
+we	PRON
+have	AUX
+attached	VERB
+a	DET
+pdf	NOUN
+black	NOUN
+-	PUNCT
+line	NOUN
+of	ADP
+the	DET
+Guarantee	NOUN
+vs	ADP
+the	DET
+form	NOUN
+of	ADP
+guarantee	NOUN
+in	ADP
+the	DET
+Turbine	NOUN
+Contract	NOUN
+.	PUNCT
+
+?	PUNCT
+
+Do	AUX
+not	PART
+hesitate	VERB
+to	PART
+call	VERB
+us	PRON
+with	ADP
+any	DET
+questions	NOUN
+.	PUNCT
+
+?	PUNCT
+
+Best	ADJ
+regards	NOUN
+.	PUNCT
+
+?	PUNCT
+
+______________________	SYM
+
+John	PROPN
+Staikos	PROPN
+Direct	ADJ
+Dial	NOUN
+:?	PUNCT
+203.961.7523	NUM
+Direct	ADJ
+Fax	NOUN
+:?	PUNCT
+203.674.7723	NUM
+E-mail	NOUN
+:?	PUNCT
+johnstaikos@paulhastings.com	X
+
+?	PUNCT
+
+-	PUNCT
+47K202!.DOC	NOUN
+
+Sean	PROPN
+Boyle	PROPN
+
+08/17/2000	NUM
+11:21	NUM
+AM	NOUN
+
+I	PRON
+spoke	VERB
+to	ADP
+Bruce	PROPN
+Garcey	PROPN
+at	ADP
+NiMo	PROPN
+regarding	VERB
+their	PRON
+RFP	NOUN
+.	PUNCT
+
+Bruce	PROPN
+indicated	VERB
+NiMo	PROPN
+short	ADJ
+listed	VERB
+five	NUM
+companies	NOUN
+who	PRON
+all	DET
+bid	VERB
+higher	ADV
+than	ADP
+ENA	PROPN
+.	PUNCT
+
+However	ADV
+,	PUNCT
+he	PRON
+also	ADV
+mentioned	VERB
+we	PRON
+were	AUX
+a	DET
+close	ADJ
+sixth	NOUN
+,	PUNCT
+that	PRON
+is	AUX
+close	ADJ
+to	ADP
+the	DET
+fifth	ADV
+highest	ADJ
+bid	NOUN
+.	PUNCT
+
+He	PRON
+gave	VERB
+no	DET
+indication	NOUN
+on	ADP
+the	DET
+value	NOUN
+of	ADP
+the	DET
+highest	ADJ
+bid	NOUN
+.	PUNCT
+
+He	PRON
+also	ADV
+said	VERB
+that	SCONJ
+the	DET
+other	ADJ
+five	NUM
+companies	NOUN
+making	VERB
+the	DET
+short	ADJ
+list	NOUN
+all	ADV
+proposed	VERB
+alternative	ADJ
+structures	NOUN
+to	ADP
+the	DET
+proposed	VERB
+NiMo	PROPN
+Tier	NOUN
+Structure	NOUN
+.	PUNCT
+
+NiMo	PROPN
+released	VERB
+an	DET
+additional	ADJ
+RFP	NOUN
+for	SCONJ
+peaking	VERB
+supplies	NOUN
+for	ADP
+this	DET
+winter	NOUN
+,	PUNCT
+I	PRON
+believe	VERB
+Phil	PROPN
+should	AUX
+have	VERB
+or	CCONJ
+be	AUX
+getting	VERB
+that	DET
+RFP	NOUN
+.	PUNCT
+
+Phil	PROPN
+if	SCONJ
+you	PRON
+could	AUX
+please	INTJ
+make	VERB
+copies	NOUN
+and	CCONJ
+distribute	VERB
+ASAP	ADV
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Sean	PROPN
+
+Here	ADV
+you	PRON
+go	VERB
+.	PUNCT
+
+If	SCONJ
+you	PRON
+have	VERB
+any	DET
+other	ADJ
+questions	NOUN
+,	PUNCT
+please	INTJ
+let	VERB
+me	PRON
+know	VERB
+.	PUNCT
+
+Scott	PROPN
+Neal	PROPN
+
+08/16/2000	NUM
+03:48	NUM
+PM	NOUN
+
+John	X
+Griffith@ENRON	X
+
+08/15/2000	NUM
+06:23	NUM
+PM	NOUN
+
+SOblander@carrfut.com	X
+on	ADP
+08/15/2000	NUM
+06:03:48	NUM
+PM	NOUN
+
+The	DET
+information	NOUN
+contained	VERB
+herein	ADV
+is	AUX
+based	VERB
+on	ADP
+sources	NOUN
+that	PRON
+we	PRON
+believe	VERB
+to	PART
+be	AUX
+reliable	ADJ
+,	PUNCT
+but	CCONJ
+we	PRON
+do	AUX
+not	PART
+represent	VERB
+that	SCONJ
+it	PRON
+is	AUX
+accurate	ADJ
+or	CCONJ
+complete	ADJ
+.	PUNCT
+
+Nothing	PRON
+contained	VERB
+herein	ADV
+should	AUX
+be	AUX
+considered	VERB
+as	ADP
+an	DET
+offer	NOUN
+to	PART
+sell	VERB
+or	CCONJ
+a	DET
+solicitation	NOUN
+of	ADP
+an	DET
+offer	NOUN
+to	PART
+buy	VERB
+any	DET
+financial	ADJ
+instruments	NOUN
+discussed	VERB
+herein	ADV
+.	PUNCT
+
+Any	DET
+opinions	NOUN
+expressed	VERB
+herein	ADV
+are	AUX
+solely	ADV
+those	PRON
+of	ADP
+the	DET
+author	NOUN
+.	PUNCT
+
+As	ADP
+such	ADJ
+,	PUNCT
+they	PRON
+may	AUX
+differ	VERB
+in	ADP
+material	ADJ
+respects	NOUN
+from	ADP
+those	PRON
+of	ADP
+,	PUNCT
+or	CCONJ
+expressed	VERB
+or	CCONJ
+published	VERB
+by	ADP
+on	ADP
+behalf	NOUN
+of	ADP
+Carr	PROPN
+Futures	PROPN
+or	CCONJ
+its	PRON
+officers	NOUN
+,	PUNCT
+directors	NOUN
+,	PUNCT
+employees	NOUN
+or	CCONJ
+affiliates	NOUN
+.	PUNCT
+,	PUNCT
+
+2000	NUM
+Carr	PROPN
+Futures	PROPN
+
+The	DET
+charts	NOUN
+are	AUX
+now	ADV
+in	ADP
+the	DET
+most	ADV
+recent	ADJ
+version	NOUN
+of	ADP
+Adobe	PROPN
+Acrobat	PROPN
+4.0	NUM
+and	CCONJ
+they	PRON
+should	AUX
+print	VERB
+clearly	ADV
+from	ADP
+Adobe	PROPN
+Acrobat	PROPN
+Reader	PROPN
+3.0	NUM
+or	CCONJ
+higher	ADJ
+.	PUNCT
+
+Adobe	PROPN
+Acrobat	PROPN
+Reader	PROPN
+4.0	NUM
+may	AUX
+be	AUX
+downloaded	VERB
+for	ADP
+FREE	ADJ
+from	ADP
+www.adobe.com	X
+.	PUNCT
+
+(	PUNCT
+See	VERB
+attached	VERB
+file	NOUN
+:	PUNCT
+UnleadedStocks.pdf	NOUN
+)	PUNCT
+(	PUNCT
+See	VERB
+attached	VERB
+file	NOUN
+:	PUNCT
+CrudeStocks.pdf	NOUN
+)	PUNCT
+(	PUNCT
+See	VERB
+attached	VERB
+file	NOUN
+:	PUNCT
+HeatingOilStocks.pdf	NOUN
+)	PUNCT
+(	PUNCT
+See	VERB
+attached	VERB
+file	NOUN
+:	PUNCT
+PADDIIstocksCL.pdf	NOUN
+)	PUNCT
+(	PUNCT
+See	VERB
+attached	VERB
+file	NOUN
+:	PUNCT
+PADDIstocksHO.pdf	NOUN
+)	PUNCT
+(	PUNCT
+See	VERB
+attached	VERB
+file	NOUN
+:	PUNCT
+PADDIstocksHU.pdf	NOUN
+)	PUNCT
+(	PUNCT
+See	VERB
+attached	VERB
+file	NOUN
+:	PUNCT
+API.pdf	NOUN
+)	PUNCT
+
+-	PUNCT
+UnleadedStocks.pdf	NOUN
+
+-	PUNCT
+CrudeStocks.pdf	NOUN
+
+-	PUNCT
+HeatingOilStocks.pdf	NOUN
+
+-	PUNCT
+PADDIIstocksCL.pdf	NOUN
+
+-	PUNCT
+PADDIstocksHO.pdf	NOUN
+
+-	PUNCT
+PADDIstocksHU.pdf	NOUN
+
+-	PUNCT
+API.pdf	NOUN
+
+Marlene	PROPN
+Hilliard	PROPN
+
+10/08/99	NUM
+08:52	NUM
+AM	NOUN
+
+On	ADP
+or	CCONJ
+about	ADP
+September	PROPN
+23	NUM
+,	PUNCT
+1999	NUM
+a	DET
+request	NOUN
+for	ADP
+service	NOUN
+was	AUX
+placed	VERB
+by	ADP
+the	DET
+above	ADV
+referenced	VERB
+counterparty	NOUN
+.	PUNCT
+
+The	DET
+request	NOUN
+was	AUX
+for	ADP
+a	DET
+Intrastate	ADJ
+Gas	NOUN
+Transportation	NOUN
+Agreement	NOUN
+and	CCONJ
+311	NUM
+Gas	NOUN
+Transportation	NOUN
+Agreement	NOUN
+.	PUNCT
+
+These	DET
+agreements	NOUN
+were	AUX
+forwarded	VERB
+to	ADP
+the	DET
+counterparty	NOUN
+,	PUNCT
+CCNG	PROPN
+,	PUNCT
+Inc.	PROPN
+.	PUNCT
+
+On	ADP
+or	CCONJ
+about	ADP
+October	PROPN
+6	NUM
+,	PUNCT
+1999	NUM
+,	PUNCT
+Kelly	PROPN
+Cloud	PROPN
+,	PUNCT
+Senior	ADJ
+Vice	NOUN
+President	NOUN
+of	ADP
+CCNG	PROPN
+,	PUNCT
+Inc.	PROPN
+(	PUNCT
+713	NUM
+)	PUNCT
+235-1972	NUM
+,	PUNCT
+called	VERB
+and	CCONJ
+informed	VERB
+me	PRON
+that	SCONJ
+the	DET
+counterparty	NOUN
+should	AUX
+be	AUX
+CCGM	PROPN
+,	PUNCT
+L.P.	PROPN
+.	PUNCT
+
+Further	ADV
+,	PUNCT
+she	PRON
+informed	VERB
+me	PRON
+that	SCONJ
+Section	NOUN
+7	NUM
+of	ADP
+the	DET
+agreement	NOUN
+,	PUNCT
+which	PRON
+reads	VERB
+in	ADP
+part	ADJ
+:	PUNCT
+Gas	NOUN
+is	AUX
+free	ADJ
+from	ADP
+liens	NOUN
+and	CCONJ
+adverse	ADJ
+claims	NOUN
+of	ADP
+every	DET
+kind	NOUN
+,	PUNCT
+should	AUX
+be	AUX
+changed	VERB
+because	SCONJ
+the	DET
+gas	NOUN
+that	PRON
+the	DET
+counterparty	NOUN
+will	AUX
+be	AUX
+transporting	VERB
+on	ADP
+HPL	NOUN
+may	AUX
+and	CCONJ
+/	PUNCT
+or	CCONJ
+is	VERB
+subject	ADJ
+to	ADP
+liens	NOUN
+.	PUNCT
+
+She	PRON
+was	AUX
+instructed	VERB
+to	PART
+destroy	VERB
+the	DET
+agreement	NOUN
+and	CCONJ
+another	DET
+would	AUX
+be	AUX
+forwarded	VERB
+to	ADP
+her	PRON
+with	ADP
+the	DET
+necessary	ADJ
+corrections	NOUN
+and	CCONJ
+re-wording	NOUN
+of	ADP
+Section	NOUN
+7	NUM
+.	PUNCT
+
+Attached	VERB
+find	VERB
+the	DET
+agreements	NOUN
+for	ADP
+the	DET
+necessary	ADJ
+changes	NOUN
+in	ADP
+Section	NOUN
+7	NUM
+.	PUNCT
+
+Kelly	PROPN
+
+Cloud	PROPN
+has	AUX
+instructed	VERB
+me	PRON
+to	PART
+call	VERB
+with	ADP
+any	DET
+further	ADJ
+questions	NOUN
+.	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+Marlene	PROPN
+D.	PROPN
+Hilliard	PROPN
+
+Ginny	PROPN
+,	PUNCT
+Please	INTJ
+see	VERB
+the	DET
+attached	VERB
+guaranty	NOUN
+.	PUNCT
+
+A	DET
+clean	ADJ
+and	CCONJ
+redlined	VERB
+version	NOUN
+are	AUX
+attached	VERB
+.	PUNCT
+
+I	PRON
+revised	VERB
+the	DET
+language	NOUN
+based	VERB
+on	ADP
+our	PRON
+discussions	NOUN
+and	CCONJ
+added	VERB
+the	DET
+language	NOUN
+concerning	VERB
+interest	NOUN
+which	PRON
+we	PRON
+had	AUX
+both	ADV
+previously	ADV
+approved	VERB
+.	PUNCT
+
+We	PRON
+are	AUX
+OK	ADJ
+to	PART
+execute	VERB
+this	DET
+form	NOUN
+.	PUNCT
+
+Let	VERB
+me	PRON
+know	VERB
+if	SCONJ
+acceptable	ADJ
+and	CCONJ
+I	PRON
+will	AUX
+go	VERB
+ahead	ADV
+and	CCONJ
+execute	VERB
+.	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+"	PUNCT
+Townsend	PROPN
+,	PUNCT
+George	PROPN
+"	PUNCT
+<	PUNCT
+gtownsend@manorisd.net	X
+>	PUNCT
+
+03/27/2001	NUM
+09:11	NUM
+AM	NOUN
+
+Puto	PROPN
+,	PUNCT
+
+What	PRON
+'s	AUX
+going	VERB
+on	ADP
+dude	NOUN
+?	PUNCT
+
+Antigua	PROPN
+was	AUX
+awesome	ADJ
+.	PUNCT
+
+I	PRON
+survived	VERB
+it	PRON
+without	ADP
+a	DET
+problem	NOUN
+.	PUNCT
+
+Heather	PROPN
+moving	VERB
+in	ADV
+has	AUX
+been	AUX
+a	DET
+different	ADJ
+story	NOUN
+.	PUNCT
+
+I	PRON
+did	AUX
+n't	PART
+realize	VERB
+how	ADV
+much	ADJ
+"	PUNCT
+stuff	NOUN
+"	PUNCT
+you	PRON
+could	AUX
+pack	VERB
+into	ADP
+a	DET
+one	NUM
+bedroom	NOUN
+apartment	NOUN
+.	PUNCT
+
+How	ADV
+is	AUX
+your	PRON
+love	NOUN
+life	NOUN
+.	PUNCT
+
+The	DET
+gal	NOUN
+from	ADP
+the	DET
+wedding	NOUN
+was	AUX
+pretty	ADV
+hot	ADJ
+.	PUNCT
+
+Are	AUX
+you	PRON
+still	ADV
+chasing	VERB
+that	PRON
+?	PUNCT
+
+Let	VERB
+s	PRON
+get	VERB
+together	ADV
+soon	ADV
+.	PUNCT
+
+Our	PRON
+extra	ADJ
+bedroom	NOUN
+is	AUX
+nicer	ADJ
+now	ADV
+.	PUNCT
+
+My	PRON
+old	ADJ
+bed	NOUN
+got	AUX
+tossed	VERB
+in	ADP
+a	DET
+dumpster	NOUN
+.	PUNCT
+
+It	PRON
+smelled	VERB
+like	ADP
+shit	NOUN
+.	PUNCT
+
+Talk	VERB
+to	ADP
+you	PRON
+later	ADV
+
+GT	PROPN
+
+How	ADV
+is	AUX
+it	PRON
+going	VERB
+?	PUNCT
+
+Did	AUX
+you	PRON
+survive	VERB
+the	DET
+honeymoon	NOUN
+?	PUNCT
+
+These	PRON
+look	VERB
+fine	ADJ
+to	ADP
+me	PRON
+.	PUNCT
+
+Go	VERB
+ahead	ADV
+and	CCONJ
+forward	VERB
+to	ADP
+Brant	PROPN
+if	SCONJ
+you	PRON
+are	AUX
+ready	ADJ
+.	PUNCT
+
+Joan	PROPN
+Woodson	PROPN
+
+08/10/2000	NUM
+08:28	NUM
+AM	NOUN
+
+Enron	PROPN
+Investment	PROPN
+Partners	PROPN
+
+Congratulations	NOUN
+!	PUNCT
+
+You	PRON
+'ve	AUX
+all	ADV
+won	VERB
+!	PUNCT
+
+...	PUNCT
+Now	ADV
+comes	VERB
+the	DET
+fun	ADJ
+part	NOUN
+....	PUNCT
+
+The	DET
+following	VERB
+have	AUX
+made	VERB
+a	DET
+team	NOUN
+for	ADP
+the	DET
+game	NOUN
+show	NOUN
+on	ADP
+August	PROPN
+17th	NOUN
+!.	PUNCT
+
+Thanks	NOUN
+to	ADP
+all	DET
+who	PRON
+volunteered	VERB
+.	PUNCT
+
+You	PRON
+will	AUX
+remain	VERB
+as	ADP
+alternates	NOUN
+.	PUNCT
+
+Analyst	NOUN
+Team	NOUN
+Participants	NOUN
+:	PUNCT
+
+Analyst	NOUN
+Team	NOUN
+1	NUM
+:	PUNCT
+Coach	NOUN
+:	PUNCT
+Lisa	PROPN
+Gilette	PROPN
+
+Kristen	PROPN
+Quinn	PROPN
+,	PUNCT
+Sarah	PROPN
+Mulholland	PROPN
+,	PUNCT
+Samuel	PROPN
+Pak	PROPN
+,	PUNCT
+Daniel	PROPN
+Kang	PROPN
+
+Analyst	NOUN
+Team	NOUN
+2	NUM
+:	PUNCT
+Coach	NOUN
+:	PUNCT
+Doug	PROPN
+Sewell	PROPN
+
+Jeffrey	PROPN
+Synder	PROPN
+,	PUNCT
+Ryan	PROPN
+Hinze	PROPN
+,	PUNCT
+Sheetal	PROPN
+Patel	PROPN
+,	PUNCT
+Johnathan	PROPN
+Anderson	PROPN
+
+Associate	NOUN
+Team	NOUN
+Participants	NOUN
+:	PUNCT
+
+Associate	NOUN
+Team	NOUN
+1	NUM
+:	PUNCT
+Coach	NOUN
+:	PUNCT
+Ben	PROPN
+Markey	PROPN
+
+Mary	PROPN
+John	PROPN
+,	PUNCT
+Russell	PROPN
+Dyk	PROPN
+,	PUNCT
+Webb	PROPN
+Jennings	PROPN
+,	PUNCT
+Martin	PROPN
+Gonzales	PROPN
+
+Mixed	VERB
+A	NOUN
+/	PUNCT
+A	NOUN
+Team	NOUN
+2	NUM
+:	PUNCT
+Coach	NOUN
+:	PUNCT
+Melanie	PROPN
+King	PROPN
+Brandon	PROPN
+Luna	PROPN
+-	PUNCT
+Analyst	NOUN
+,	PUNCT
+Bryan	PROPN
+Hull	PROPN
+-	PUNCT
+Analyst	NOUN
+,	PUNCT
+Eduardo	PROPN
+Tellechea	PROPN
+-	PUNCT
+Associate	NOUN
+,	PUNCT
+Milson	PROPN
+Mundim	PROPN
+-	PUNCT
+Associate	NOUN
+
+Alternates	NOUN
+:	PUNCT
+Heather	PROPN
+Johnson	PROPN
+,	PUNCT
+Usman	PROPN
+Shaukat	PROPN
+,	PUNCT
+Gerard	PROPN
+Benitez	PROPN
+,	PUNCT
+Matthew	PROPN
+Almy	PROPN
+,	PUNCT
+Travis	PROPN
+Hanson	PROPN
+
+WHO	PRON
+WANTS	VERB
+TO	PART
+HELP	VERB
+MILLIONS	NOUN
+FOR	ADP
+UNITED	PROPN
+WAY	PROPN
+?	PUNCT
+
+We	PRON
+hope	VERB
+you	PRON
+do	VERB
+!	PUNCT
+
+How	ADV
+to	PART
+Pledge	VERB
+:	PUNCT
+
+This	DET
+year	NOUN
+it	PRON
+is	AUX
+very	ADV
+easy	ADJ
+to	PART
+make	VERB
+your	PRON
+contribution	NOUN
+.	PUNCT
+
+Simply	ADV
+type	VERB
+in	ADV
+the	DET
+following	VERB
+United	PROPN
+Way	PROPN
+link	NOUN
+,	PUNCT
+http://unitedway.enron.com	X
+or	CCONJ
+go	VERB
+directly	ADV
+to	ADP
+Internet	PROPN
+Explorer	PROPN
+or	CCONJ
+Netscape	PROPN
+and	CCONJ
+type	VERB
+in	ADV
+unitedway.enron.com	X
+in	ADP
+the	DET
+address	NOUN
+field	NOUN
+.	PUNCT
+
+Either	DET
+option	NOUN
+should	AUX
+take	VERB
+you	PRON
+directly	ADV
+to	ADP
+Enron	PROPN
+'s	PART
+United	PROPN
+Way	PROPN
+2000	NUM
+Campaign	NOUN
+site	NOUN
+.	PUNCT
+
+PLEASE	INTJ
+NOTE	VERB
+:	PUNCT
+Your	PRON
+pledge	NOUN
+is	VERB
+to	PART
+be	AUX
+made	VERB
+electronically	ADV
+-	PUNCT
+it	PRON
+only	ADV
+takes	VERB
+minutes	NOUN
+.	PUNCT
+
+No	DET
+physical	ADJ
+pledge	NOUN
+cards	NOUN
+.	PUNCT
+
+Questions	NOUN
+:	PUNCT
+If	SCONJ
+you	PRON
+have	VERB
+any	DET
+questions	NOUN
+regarding	VERB
+the	DET
+pledging	NOUN
+process	NOUN
+,	PUNCT
+please	INTJ
+contact	VERB
+Joan	PROPN
+Woodson	PROPN
+(	PUNCT
+3-5213	NUM
+)	PUNCT
+,	PUNCT
+Bert	PROPN
+Frazier	PROPN
+(	PUNCT
+3-5076	NUM
+)	PUNCT
+or	CCONJ
+Kathy	PROPN
+Mayfield	PROPN
+(	PUNCT
+3-3264	NUM
+)	PUNCT
+.	PUNCT
+
+you	PRON
+know	VERB
+that	SCONJ
+both	CCONJ
+o'neal	PROPN
+and	CCONJ
+matt	PROPN
+are	AUX
+out	ADV
+?	PUNCT
+
+Game	NOUN
+tonight	NOUN
+at	ADP
+7	NUM
+,	PUNCT
+it	PRON
+'s	AUX
+time	NOUN
+to	PART
+kick	VERB
+some	DET
+ass	NOUN
+.	PUNCT
+
+i	PRON
+have	AUX
+not	PART
+gotten	VERB
+a	DET
+good	ADJ
+response	NOUN
+so	ADV
+i	PRON
+think	VERB
+shanna	PROPN
+and	CCONJ
+i	PRON
+are	AUX
+going	VERB
+to	PART
+stay	VERB
+in	ADP
+town	NOUN
+.	PUNCT
+
+the	DET
+weather	NOUN
+is	AUX
+going	VERB
+to	PART
+be	AUX
+fine	ADJ
+,	PUNCT
+hector	PROPN
+was	AUX
+just	ADV
+blowing	VERB
+smoke	NOUN
+.	PUNCT
+
+Christa	PROPN
+Winfrey	PROPN
+
+08/08/2000	NUM
+11:36	NUM
+AM	NOUN
+
+have	AUX
+you	PRON
+heard	VERB
+from	ADP
+anyone	PRON
+?	PUNCT
+
+also	ADV
+,	PUNCT
+what	PRON
+'s	AUX
+the	DET
+deal	NOUN
+with	ADP
+the	DET
+weather	NOUN
+this	DET
+weekend	NOUN
+?	PUNCT
+
+is	AUX
+it	PRON
+supposed	VERB
+to	PART
+be	AUX
+storming	VERB
+?	PUNCT
+
+by	ADP
+the	DET
+way	NOUN
+,	PUNCT
+buy	VERB
+it	PRON
+now	ADV
+b/c	SCONJ
+it	PRON
+is	AUX
+going	VERB
+to	ADP
+100	NUM
+by	ADP
+year	NOUN
+end	NOUN
+.	PUNCT
+
+Your	PRON
+father	NOUN
+never	ADV
+listens	VERB
+to	ADP
+me	PRON
+,	PUNCT
+what	PRON
+can	AUX
+I	PRON
+say	VERB
+?	PUNCT
+
+But	CCONJ
+,	PUNCT
+I	PRON
+'m	AUX
+very	ADV
+happy	ADJ
+for	ADP
+you	PRON
+!	PUNCT
+
+How	ADV
+are	AUX
+you	PRON
+?	PUNCT
+
+Any	DET
+news	NOUN
+on	ADP
+Aunt	PROPN
+Toni	PROPN
+?	PUNCT
+
+LU	INTJ
+
+-	PUNCT
+M	PROPN
+
+Glad	ADJ
+to	PART
+hear	VERB
+all	DET
+is	AUX
+well	ADJ
+.	PUNCT
+
+I	PRON
+meant	VERB
+to	PART
+comment	VERB
+that	SCONJ
+I	PRON
+thought	VERB
+the	DET
+people	NOUN
+profiled	VERB
+in	ADP
+the	DET
+article	NOUN
+should	AUX
+pull	VERB
+their	PRON
+heads	NOUN
+out	ADP
+of	ADP
+their	PRON
+self	NOUN
+important	ADJ
+asses	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+n't	PART
+about	SCONJ
+finding	VERB
+the	DET
+meaning	NOUN
+of	ADP
+life	NOUN
+at	ADP
+work	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+all	ADV
+about	ADP
+the	DET
+$$$	NOUN
+.	PUNCT
+
+Work	VERB
+hard	ADV
+.	PUNCT
+
+Make	VERB
+$$$	NOUN
+.	PUNCT
+
+Retire	VERB
+young	ADJ
+.	PUNCT
+
+Things	NOUN
+with	ADP
+me	PRON
+are	AUX
+great	ADJ
+.	PUNCT
+
+Moving	VERB
+back	ADV
+to	ADP
+Calgary	PROPN
+in	ADP
+about	ADV
+a	DET
+month	NOUN
+which	PRON
+is	AUX
+a	DET
+little	ADJ
+sooner	ADJ
+than	SCONJ
+I	PRON
+thought	VERB
+I	PRON
+would	AUX
+be	AUX
+going	VERB
+back	ADV
+but	CCONJ
+when	ADV
+opportunity	NOUN
+knocks	VERB
+you	PRON
+got	VERB
+ta	PART
+go	VERB
+.	PUNCT
+
+Take	VERB
+care	NOUN
+.	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+hear	VERB
+from	ADP
+you	PRON
+in	ADP
+months	NOUN
+and	CCONJ
+then	ADV
+you	PRON
+level	VERB
+me	PRON
+with	ADP
+such	DET
+a	DET
+thought	NOUN
+provoking	VERB
+,	PUNCT
+soul	NOUN
+searching	VERB
+article	NOUN
+.	PUNCT
+
+Thanks	NOUN
+for	SCONJ
+thinking	VERB
+of	ADP
+me	PRON
+to	PART
+send	VERB
+it	PRON
+to	ADP
+.	PUNCT
+
+I	PRON
+really	ADV
+enjoyed	VERB
+reading	VERB
+it	PRON
+.	PUNCT
+
+We	PRON
+certainly	ADV
+fit	VERB
+into	ADP
+certain	ADJ
+parts	NOUN
+of	ADP
+the	DET
+article	NOUN
+.	PUNCT
+
+There	PRON
+are	VERB
+a	DET
+few	ADJ
+life	NOUN
+theories	NOUN
+like	ADP
+that	PRON
+which	PRON
+working	VERB
+through	ADV
+.	PUNCT
+
+It	PRON
+s	AUX
+all	ADV
+interesting	ADJ
+stuff	NOUN
+.	PUNCT
+
+How	ADV
+are	AUX
+things	NOUN
+going	VERB
+with	ADP
+you	PRON
+?	PUNCT
+
+Are	AUX
+you	PRON
+enjoying	VERB
+Houston	PROPN
+?	PUNCT
+
+London	PROPN
+has	AUX
+been	AUX
+great	ADJ
+.	PUNCT
+
+Brokering	VERB
+over	ADP
+here	ADV
+has	AUX
+been	AUX
+pretty	ADV
+rewarding	ADJ
+.	PUNCT
+
+Traders	NOUN
+over	ADP
+here	ADV
+seem	VERB
+to	PART
+have	VERB
+a	DET
+lot	NOUN
+more	ADJ
+respect	NOUN
+for	ADP
+other	ADJ
+humans	NOUN
+.	PUNCT
+
+Catriona	PROPN
+is	AUX
+well	ADJ
+and	CCONJ
+has	AUX
+landed	VERB
+herself	PRON
+a	DET
+pretty	ADV
+cool	ADJ
+job	NOUN
+in	ADP
+PR	NOUN
+.	PUNCT
+
+Keep	VERB
+in	ADP
+touch	NOUN
+,	PUNCT
+
+Mike	PROPN
+
+Michael	PROPN
+J.	PROPN
+McDermott	PROPN
+mjmcdermott@hotmail.com	X
+
+_________________________________________________________________	SYM
+
+Get	VERB
+your	PRON
+FREE	ADJ
+download	NOUN
+of	ADP
+MSN	PROPN
+Explorer	PROPN
+at	ADP
+http://explorer.msn.com/intl.asp	X
+
+For	ADP
+me	PRON
+it	PRON
+is	AUX
+n't	PART
+about	ADP
+fulfillment	NOUN
+or	CCONJ
+finding	VERB
+my	PRON
+life	NOUN
+'s	PART
+purpose	NOUN
+in	ADP
+my	PRON
+work	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+all	ADV
+about	ADP
+the	DET
+$$$	NOUN
+.	PUNCT
+
+Work	VERB
+hard	ADV
+and	CCONJ
+retire	VERB
+early	ADV
+.	PUNCT
+
+Cheers	NOUN
+
+Chris	PROPN
+
+P.S.	NOUN
+I	PRON
+am	AUX
+moving	VERB
+back	ADV
+to	ADP
+Calgary	PROPN
+in	ADP
+about	ADV
+a	DET
+month	NOUN
+.	PUNCT
+
+Enron	PROPN
+continues	VERB
+to	PART
+feel	VERB
+free	ADJ
+to	PART
+move	VERB
+me	PRON
+around	ADV
+at	ADP
+will	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+actually	ADV
+really	ADV
+looking	VERB
+forward	ADV
+to	ADP
+it	PRON
+.	PUNCT
+
+let	VERB
+'s	PRON
+discuss	VERB
+next	ADJ
+time	NOUN
+we	PRON
+have	VERB
+amstel	PROPN
+lights	PROPN
+together	ADV
+.	PUNCT
+
+Jolene	PROPN
+Harvey	PROPN
+
+05/22/2001	NUM
+09:25	NUM
+AM	NOUN
+
+about	ADP
+our	PRON
+lifestyle	NOUN
+...	PUNCT
+
+(	PUNCT
+See	VERB
+attached	VERB
+file	NOUN
+:	PUNCT
+TEXT.htm	NOUN
+)	PUNCT
+
+********************************	PUNCT
+NOTICE	NOUN
+*************************************	PUNCT
+
+This	DET
+transmittal	NOUN
+and	CCONJ
+/	PUNCT
+or	CCONJ
+attachments	NOUN
+may	AUX
+be	AUX
+a	DET
+confidential	ADJ
+attorney	NOUN
+-	PUNCT
+client	NOUN
+communication	NOUN
+or	CCONJ
+may	AUX
+otherwise	ADV
+be	AUX
+privileged	ADJ
+or	CCONJ
+confidential	ADJ
+.	PUNCT
+
+If	SCONJ
+you	PRON
+are	AUX
+not	PART
+the	DET
+intended	VERB
+recipient	NOUN
+,	PUNCT
+you	PRON
+are	AUX
+hereby	ADV
+notified	VERB
+that	SCONJ
+you	PRON
+have	AUX
+received	VERB
+this	DET
+transmittal	NOUN
+in	ADP
+error	NOUN
+;	PUNCT
+any	DET
+review	NOUN
+,	PUNCT
+dissemination	NOUN
+,	PUNCT
+distribution	NOUN
+or	CCONJ
+copying	NOUN
+of	ADP
+this	DET
+transmittal	NOUN
+is	AUX
+strictly	ADV
+prohibited	VERB
+.	PUNCT
+
+If	SCONJ
+you	PRON
+have	AUX
+received	VERB
+this	DET
+transmittal	NOUN
+and	CCONJ
+/	PUNCT
+or	CCONJ
+attachments	NOUN
+in	ADP
+error	NOUN
+,	PUNCT
+please	INTJ
+notify	VERB
+us	PRON
+immediately	ADV
+by	ADP
+reply	NOUN
+or	CCONJ
+by	ADP
+telephone	NOUN
+(	PUNCT
+call	VERB
+us	PRON
+collect	ADV
+at	ADP
++1	NUM
+212-848-8400	NUM
+)	PUNCT
+and	CCONJ
+immediately	ADV
+delete	VERB
+this	DET
+message	NOUN
+and	CCONJ
+all	DET
+its	PRON
+attachments	NOUN
+.	PUNCT
+
+Thank	VERB
+you	PRON
+.	PUNCT
+
+-	PUNCT
+TEXT.htm	NOUN
+<<	PUNCT
+File	NOUN
+:	PUNCT
+TEXT.htm	NOUN
+>>	PUNCT
+
+I	PRON
+was	AUX
+thinking	VERB
+of	SCONJ
+converting	VERB
+it	PRON
+to	ADP
+a	DET
+hover	NOUN
+vehicle	NOUN
+.	PUNCT
+
+I	PRON
+might	AUX
+just	ADV
+sell	VERB
+the	DET
+car	NOUN
+and	CCONJ
+get	VERB
+you	PRON
+to	PART
+drive	VERB
+me	PRON
+around	ADV
+all	DET
+winter	NOUN
+.	PUNCT
+
+How	ADV
+about	ADP
+skidoo	NOUN
+skis	NOUN
+for	ADP
+the	DET
+front	NOUN
+and	CCONJ
+tracks	NOUN
+for	ADP
+the	DET
+back	NOUN
+..	PUNCT
+
+Lexus	PROPN
+IS	PROPN
+300	NUM
+.	PUNCT
+
+Not	PART
+sure	ADJ
+if	SCONJ
+I	PRON
+am	AUX
+going	VERB
+to	PART
+buy	VERB
+17	NUM
+"	NOUN
+or	CCONJ
+16	NUM
+"	NOUN
+wheels	NOUN
+for	ADP
+the	DET
+winter	NOUN
+.	PUNCT
+
+Jackass	NOUN
+.	PUNCT
+
+You	PRON
+have	AUX
+always	ADV
+been	AUX
+on	ADP
+the	DET
+move	NOUN
+seeking	VERB
+affectionate	ADJ
+,	PUNCT
+satisfying	ADJ
+and	CCONJ
+harmonious	ADJ
+relationships	NOUN
+.	PUNCT
+
+Your	PRON
+ultimate	ADJ
+goal	NOUN
+has	AUX
+been	AUX
+the	DET
+realisation	NOUN
+of	ADP
+an	DET
+intimate	ADJ
+union	NOUN
+in	ADP
+which	PRON
+there	PRON
+could	AUX
+be	VERB
+love	NOUN
+,	PUNCT
+self	NOUN
+-	PUNCT
+sacrifice	NOUN
+and	CCONJ
+mutual	ADJ
+trust	NOUN
+.	PUNCT
+
+It	PRON
+has	AUX
+often	ADV
+been	AUX
+said	VERB
+that	SCONJ
+"	PUNCT
+True	ADJ
+love	NOUN
+is	AUX
+just	ADV
+around	ADP
+the	DET
+corner	NOUN
+"	PUNCT
+...	PUNCT
+and	CCONJ
+maybe	ADV
+...	PUNCT
+if	SCONJ
+you	PRON
+have	AUX
+n't	PART
+found	VERB
+it	PRON
+as	ADP
+yet	ADV
+-	PUNCT
+you	PRON
+possibly	ADV
+soon	ADV
+will	AUX
+.	PUNCT
+
+In	ADP
+the	DET
+past	NOUN
+there	ADV
+have	AUX
+been	VERB
+..	PUNCT
+and	CCONJ
+maybe	ADV
+there	PRON
+still	ADV
+are	VERB
+many	ADJ
+things	NOUN
+that	PRON
+you	PRON
+have	AUX
+had	VERB
+to	PART
+do	VERB
+without	ADP
+.	PUNCT
+
+You	PRON
+have	AUX
+now	ADV
+decided	VERB
+to	PART
+set	VERB
+your	PRON
+sights	NOUN
+on	ADP
+a	DET
+position	NOUN
+or	CCONJ
+situation	NOUN
+that	PRON
+could	AUX
+give	VERB
+you	PRON
+greater	ADJ
+prestige	NOUN
+and	CCONJ
+which	PRON
+will	AUX
+afford	VERB
+you	PRON
+considerable	ADJ
+self	NOUN
+esteem	NOUN
+.	PUNCT
+
+You	PRON
+wear	VERB
+your	PRON
+heart	NOUN
+on	ADP
+your	PRON
+sleeve	NOUN
+...	PUNCT
+and	CCONJ
+since	SCONJ
+you	PRON
+are	AUX
+an	DET
+emotional	ADJ
+person	NOUN
+you	PRON
+are	AUX
+apt	ADJ
+to	PART
+give	VERB
+your	PRON
+all	DET
+...	PUNCT
+heart	NOUN
+and	CCONJ
+soul	NOUN
+...	PUNCT
+to	ADP
+all	DET
+those	DET
+that	PRON
+show	VERB
+you	PRON
+a	DET
+little	ADJ
+affection	NOUN
+...	PUNCT
+but	CCONJ
+take	VERB
+care	NOUN
+...	PUNCT
+it	PRON
+would	AUX
+appear	VERB
+that	SCONJ
+you	PRON
+have	AUX
+been	AUX
+extremely	ADV
+hurt	VERB
+in	ADP
+the	DET
+past	ADJ
+...	PUNCT
+and	CCONJ
+you	PRON
+keep	VERB
+leaving	VERB
+yourself	PRON
+wide	ADV
+open	ADJ
+for	ADP
+punishment	NOUN
+..	PUNCT
+
+Whatever	PRON
+you	PRON
+strive	VERB
+to	PART
+do	VERB
+,	PUNCT
+something	PRON
+always	ADV
+seems	VERB
+to	PART
+be	AUX
+holding	VERB
+you	PRON
+back	ADV
+.	PUNCT
+
+There	PRON
+is	VERB
+no	DET
+subterfuge	NOUN
+in	ADP
+you	PRON
+.	PUNCT
+
+You	PRON
+are	AUX
+a	DET
+clear	ADJ
+thinker	NOUN
+and	CCONJ
+all	DET
+you	PRON
+demand	VERB
+from	ADP
+life	NOUN
+,	PUNCT
+in	ADP
+a	DET
+relationship	NOUN
+,	PUNCT
+is	AUX
+a	DET
+partner	NOUN
+whom	PRON
+you	PRON
+can	AUX
+trust	VERB
+and	CCONJ
+with	ADP
+whom	PRON
+you	PRON
+can	AUX
+,	PUNCT
+together	ADV
+,	PUNCT
+develop	VERB
+a	DET
+foundation	NOUN
+of	ADP
+trust	NOUN
+based	VERB
+on	ADP
+understanding	NOUN
+.	PUNCT
+
+You	PRON
+are	AUX
+your	PRON
+own	ADJ
+person	NOUN
+...	PUNCT
+and	CCONJ
+you	PRON
+demand	VERB
+freedom	NOUN
+of	ADP
+thought	NOUN
+...	PUNCT
+to	PART
+follow	VERB
+your	PRON
+own	ADJ
+convictions	NOUN
+.	PUNCT
+
+You	PRON
+have	VERB
+no	DET
+interest	NOUN
+in	ADP
+"	PUNCT
+two	NUM
+-	PUNCT
+timing	NOUN
+"	PUNCT
+and	CCONJ
+all	DET
+you	PRON
+seek	VERB
+is	AUX
+sincerity	NOUN
+and	CCONJ
+"	PUNCT
+straight	ADJ
+-	PUNCT
+dealing	NOUN
+"	PUNCT
+.	PUNCT
+
+You	PRON
+wish	VERB
+to	PART
+be	AUX
+left	VERB
+in	ADP
+peace	NOUN
+...	PUNCT
+no	DET
+more	ADJ
+conflict	NOUN
+and	CCONJ
+no	DET
+more	ADJ
+differences	NOUN
+of	ADP
+opinion	NOUN
+...	PUNCT
+
+In	ADP
+fact	NOUN
+you	PRON
+just	ADV
+do	AUX
+n't	PART
+want	VERB
+to	PART
+be	AUX
+involved	ADJ
+in	ADP
+any	DET
+arguments	NOUN
+of	ADP
+any	DET
+shape	NOUN
+or	CCONJ
+form	NOUN
+...	PUNCT
+
+All	DET
+you	PRON
+want	VERB
+is	VERB
+for	SCONJ
+"	PUNCT
+them	PRON
+"	PUNCT
+to	PART
+get	VERB
+on	ADV
+with	ADP
+it	PRON
+-	PUNCT
+and	CCONJ
+to	PART
+leave	VERB
+you	PRON
+alone	ADJ
+..	PUNCT
+
+John	PROPN
+,	PUNCT
+
+sorry	ADJ
+for	SCONJ
+not	ADV
+sending	VERB
+it	PRON
+to	ADP
+you	PRON
+earlier	ADV
+(	PUNCT
+totally	ADV
+forgot	VERB
+to	PART
+open	VERB
+my	PRON
+outlook	PROPN
+)	PUNCT
+.	PUNCT
+
+Raw	ADJ
+data	NOUN
+is	AUX
+on	ADP
+the	DET
+fisrt	ADJ
+tab	NOUN
+of	ADP
+the	DET
+file	NOUN
+to	ADP
+the	DET
+right	NOUN
+.	PUNCT
+
+Let	VERB
+me	PRON
+know	VERB
+if	SCONJ
+you	PRON
+have	VERB
+any	DET
+questions	NOUN
+.	PUNCT
+
+Vladi	PROPN
+.	PUNCT
+
+Hey	INTJ
+Vladi	PROPN
+,	PUNCT
+
+Do	AUX
+you	PRON
+still	ADV
+have	VERB
+the	DET
+historical	ADJ
+nymex	NOUN
+settle	NOUN
+file	NOUN
+that	PRON
+you	PRON
+created	VERB
+for	ADP
+Lavo	PROPN
+'s	PART
+spread	NOUN
+analysis	NOUN
+?	PUNCT
+
+If	SCONJ
+you	PRON
+do	VERB
+would	AUX
+you	PRON
+send	VERB
+me	PRON
+a	DET
+copy	NOUN
+?	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+John	PROPN
+
+Attached	VERB
+is	AUX
+a	DET
+new	ADJ
+link	NOUN
+for	ADP
+employees	NOUN
+unable	ADJ
+to	PART
+attend	VERB
+the	DET
+all	DET
+-	PUNCT
+employee	NOUN
+meeting	NOUN
+today	NOUN
+at	ADP
+10	NUM
+a.m.	NOUN
+(	PUNCT
+CDT	PROPN
+)	PUNCT
+at	ADP
+the	DET
+Hyatt	PROPN
+Regency	PROPN
+Houston	PROPN
+,	PUNCT
+Imperial	ADJ
+Ballroom	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+are	AUX
+located	VERB
+in	ADP
+London	PROPN
+,	PUNCT
+Calgary	PROPN
+,	PUNCT
+Toronto	PROPN
+,	PUNCT
+Omaha	PROPN
+,	PUNCT
+New	PROPN
+York	PROPN
+,	PUNCT
+Portland	PROPN
+(	PUNCT
+ENA	PROPN
+)	PUNCT
+or	CCONJ
+Houston	PROPN
+,	PUNCT
+you	PRON
+can	AUX
+access	VERB
+the	DET
+live	ADJ
+event	NOUN
+at	ADP
+http://home.enron.com/employeemeeting	X
+.	PUNCT
+
+Constance	PROPN
+,	PUNCT
+
+I	PRON
+was	AUX
+on	ADP
+vacation	NOUN
+from	ADP
+October	PROPN
+4th	NOUN
+to	ADP
+October	PROPN
+19th	NOUN
+and	CCONJ
+I	PRON
+did	AUX
+n't	PART
+submit	VERB
+my	PRON
+timesheet	NOUN
+yet	ADV
+.	PUNCT
+
+I	PRON
+tried	VERB
+to	PART
+do	VERB
+it	PRON
+on	ADP
+the	DET
+HRonline	PROPN
+web	NOUN
+-	PUNCT
+site	NOUN
+,	PUNCT
+but	CCONJ
+the	DET
+procedure	NOUN
+is	AUX
+too	ADV
+complicated	ADJ
+.	PUNCT
+
+Is	AUX
+it	PRON
+possible	ADJ
+that	SCONJ
+you	PRON
+or	CCONJ
+somebody	PRON
+else	ADJ
+in	ADP
+the	DET
+HR	NOUN
+department	NOUN
+mark	VERB
+the	DET
+vacation	NOUN
+time	NOUN
+?	PUNCT
+
+I	PRON
+would	AUX
+really	ADV
+appreciate	VERB
+that	PRON
+.	PUNCT
+
+Thank	VERB
+you	PRON
+.	PUNCT
+
+Vladi	PROPN
+Pimenov	PROPN
+ext.	NOUN
+37625	NUM
+
+"	PUNCT
+McGilloway	PROPN
+,	PUNCT
+Vangie	PROPN
+"	PUNCT
+<	PUNCT
+Vangie.McGilloway@powersrc.com	X
+>	PUNCT
+
+03/23/2001	NUM
+10:13	NUM
+AM	NOUN
+
+Good	ADJ
+Morning	NOUN
+Debra	PROPN
+-	PUNCT
+
+I	PRON
+have	AUX
+attached	VERB
+a	DET
+revised	VERB
+copy	NOUN
+of	ADP
+the	DET
+GISB	NOUN
+Agreement	NOUN
+and	CCONJ
+Special	ADJ
+Provisions	NOUN
+for	ADP
+your	PRON
+review	NOUN
+and	CCONJ
+consideration	NOUN
+.	PUNCT
+
+I	PRON
+anticipate	VERB
+completing	VERB
+the	DET
+review	NOUN
+of	ADP
+the	DET
+Master	NOUN
+Agreement	NOUN
+form	NOUN
+and	CCONJ
+submitting	VERB
+comments	NOUN
+to	ADP
+you	PRON
+by	ADP
+Monday	PROPN
+.	PUNCT
+
+In	ADP
+addition	NOUN
+,	PUNCT
+I	PRON
+received	VERB
+feedback	NOUN
+from	ADP
+our	PRON
+Gas	NOUN
+Desk	NOUN
+that	SCONJ
+the	DET
+access	NOUN
+to	ADP
+the	DET
+Gas	NOUN
+segment	NOUN
+of	ADP
+Enron	PROPN
+On	ADP
+-	PUNCT
+Line	PROPN
+was	AUX
+cut	VERB
+off	ADP
+to	ADP
+CPS	NOUN
+---	PUNCT
+do	AUX
+you	PRON
+know	VERB
+who	PRON
+would	AUX
+handle	VERB
+this	PRON
+at	ADP
+Enron	PROPN
+that	PRON
+we	PRON
+can	AUX
+speak	VERB
+to	ADP
+?	PUNCT
+
+Greatly	ADV
+appreciate	VERB
+your	PRON
+prompt	ADJ
+feedback	NOUN
+to	ADP
+this	DET
+inquiry	NOUN
+.	PUNCT
+
+I	PRON
+look	VERB
+forward	ADV
+to	ADP
+your	PRON
+feedback	NOUN
+on	ADP
+the	DET
+GISB	NOUN
+.	PUNCT
+
+Regards	NOUN
+,	PUNCT
+
+Vangie	PROPN
+McGilloway	PROPN
+Constellation	PROPN
+Power	PROPN
+Source	PROPN
+,	PUNCT
+Inc.	PROPN
+(	PUNCT
+"	PUNCT
+CPS	PROPN
+"	PUNCT
+)	PUNCT
+111	NUM
+Market	PROPN
+Place	PROPN
+Ste	NOUN
+500	NUM
+Baltimore	PROPN
+,	PUNCT
+MD	PROPN
+21202	NUM
+Phone	NOUN
+410-468-3798	NUM
+Fax	NOUN
+410-468-3499	NUM
+Email	NOUN
+vangie.mcgilloway@powersrc.com	X
+
+PS	NOUN
+-	PUNCT
+Were	AUX
+you	PRON
+having	VERB
+phone	NOUN
+system	NOUN
+problems	NOUN
+this	DET
+morning	NOUN
+?	PUNCT
+
+Myself	PRON
+and	CCONJ
+Credit	NOUN
+were	AUX
+calling	VERB
+in	ADV
+and	CCONJ
+none	NOUN
+of	ADP
+the	DET
+calls	NOUN
+rolled	VERB
+into	ADP
+voice	NOUN
+mail	NOUN
+(	PUNCT
+?	PUNCT
+)	PUNCT
+.	PUNCT
+
+Further	ADV
+to	ADP
+our	PRON
+conversation	NOUN
+,	PUNCT
+please	INTJ
+see	VERB
+attached	VERB
+sample	NOUN
+agreements	NOUN
+.	PUNCT
+
+Upon	ADP
+your	PRON
+review	NOUN
+,	PUNCT
+please	INTJ
+give	VERB
+me	PRON
+a	DET
+call	NOUN
+to	PART
+discuss	VERB
+any	DET
+questionsand	NOUN
+or	CCONJ
+issues	NOUN
+you	PRON
+may	AUX
+have	VERB
+regarding	VERB
+this	DET
+matter	NOUN
+.	PUNCT
+
+(	PUNCT
+See	VERB
+attached	ADJ
+file	NOUN
+:	PUNCT
+Constellation	X
+Power	X
+(	X
+GISB	X
+draft	X
+)	X
+.doc	NOUN
+)	PUNCT
+(	PUNCT
+See	VERB
+attached	VERB
+file	NOUN
+:	PUNCT
+Sam3102.doc	NOUN
+)	PUNCT
+
+Regards	NOUN
+,	PUNCT
+
+Debra	PROPN
+Perlingiere	PROPN
+
+-	PUNCT
+ENRON-CPS	X
+(	X
+GISB	X
+rev1	X
+)	X
+.doc	NOUN
+
+I	PRON
+have	AUX
+sent	VERB
+your	PRON
+question	NOUN
+re	ADP
+on	ADP
+line	NOUN
+trading	NOUN
+to	ADP
+that	DET
+area	NOUN
+.	PUNCT
+
+They	PRON
+will	AUX
+contact	VERB
+you	PRON
+.	PUNCT
+
+I	PRON
+am	AUX
+in	ADP
+the	DET
+process	NOUN
+of	SCONJ
+reviewing	VERB
+your	PRON
+special	ADJ
+provisions	NOUN
+.	PUNCT
+
+Best	ADJ
+regards	NOUN
+,	PUNCT
+
+Debra	PROPN
+Perlingiere	PROPN
+
+Jackie	PROPN
+Taylor	PROPN
+-	PUNCT
+she	PRON
+is	AUX
+located	VERB
+at	ADP
+Court	PROPN
+House	PROPN
+Concessionaire	PROPN
+and	CCONJ
+under	ADP
+her	PRON
+name	NOUN
+in	ADP
+the	DET
+directory	NOUN
+.	PUNCT
+
+Debra	PROPN
+Perlingiere	PROPN
+
+Please	INTJ
+clarify	VERB
+"	PUNCT
+all	NOUN
+"	PUNCT
+do	AUX
+you	PRON
+intend	VERB
+10MM	NOUN
+for	ADP
+ENA	PROPN
+as	ADV
+well	ADV
+?	PUNCT
+
+Thx	NOUN
+
+dp	PROPN
+
+Debra	PROPN
+Perlingiere	PROPN
+
+Revised	VERB
+Article	NOUN
+4.6	NUM
+
+Debra	PROPN
+Perlingiere	PROPN
+
+The	DET
+only	ADJ
+agreement	NOUN
+I	PRON
+can	AUX
+find	VERB
+is	AUX
+a	DET
+Master	NOUN
+Sale	NOUN
+Spot	NOUN
+w	ADP
+/	PUNCT
+City	NOUN
+of	ADP
+Springfield	PROPN
+.	PUNCT
+
+Please	INTJ
+let	VERB
+me	PRON
+know	VERB
+if	SCONJ
+you	PRON
+need	VERB
+anything	PRON
+else	ADJ
+.	PUNCT
+
+dp	PROPN
+
+Debra	PROPN
+Perlingiere	PROPN
+
+Tammi	PROPN
+,	PUNCT
+
+Attached	VERB
+is	AUX
+an	DET
+image	NOUN
+of	ADP
+the	DET
+GISB	NOUN
+.	PUNCT
+
+As	SCONJ
+you	PRON
+see	VERB
+it	PRON
+was	AUX
+CES	NOUN
+acquired	VERB
+by	ADP
+ENA	PROPN
+in	ADP
+asset	NOUN
+purchase	NOUN
+.	PUNCT
+
+Please	INTJ
+let	VERB
+me	PRON
+know	VERB
+how	ADV
+you	PRON
+would	AUX
+like	VERB
+to	PART
+proceed	VERB
+.	PUNCT
+
+Best	ADJ
+regards	NOUN
+,	PUNCT
+
+Debra	PROPN
+Perlingiere	PROPN
+
+Debra	PROPN
+Perlingiere	PROPN
+
+Priscilla	PROPN
+,	PUNCT
+
+I	PRON
+do	AUX
+not	PART
+find	VERB
+the	DET
+term	NOUN
+"	PUNCT
+Alternate	ADJ
+Transporter	NOUN
+Imbalance	NOUN
+"	PUNCT
+in	ADP
+our	PRON
+agreement	NOUN
+..	PUNCT
+
+The	DET
+term	NOUN
+"	PUNCT
+Aggregate	ADJ
+Transporter	NOUN
+Imbalance	NOUN
+"	PUNCT
+is	AUX
+located	VERB
+in	ADP
+several	ADJ
+sections	NOUN
+.	PUNCT
+
+Could	AUX
+this	PRON
+be	VERB
+what	PRON
+you	PRON
+r	AUX
+referencing	VERB
+?	PUNCT
+
+Regards	NOUN
+,	PUNCT
+
+Debra	PROPN
+Perlingiere	PROPN
+
+See	VERB
+attached	VERB
+revised	VERB
+Article	NOUN
+4.6	NUM
+Masters	NOUN
+below	ADV
+.	PUNCT
+
+Dp	PROPN
+
+Debra	PROPN
+Perlingiere	PROPN
+
+Gerald	PROPN
+Nemec	PROPN
+
+These	PRON
+look	VERB
+fine	ADJ
+to	ADP
+me	PRON
+.	PUNCT
+
+Go	VERB
+ahead	ADV
+and	CCONJ
+forward	VERB
+to	ADP
+Brant	PROPN
+if	SCONJ
+you	PRON
+are	AUX
+ready	ADJ
+.	PUNCT
+
+Debra	PROPN
+Perlingiere	PROPN
+
+03/27/2001	NUM
+01:58	NUM
+PM	NOUN
+
+Revised	VERB
+Article	NOUN
+4.6	NUM
+
+Debra	PROPN
+Perlingiere	PROPN
+
+Kathleen	PROPN
+,	PUNCT
+
+You	PRON
+are	AUX
+correct	ADJ
+,	PUNCT
+I	PRON
+will	AUX
+make	VERB
+the	DET
+appropriate	ADJ
+changes	NOUN
+and	CCONJ
+give	VERB
+you	PRON
+another	DET
+review	NOUN
+before	SCONJ
+sending	VERB
+execution	NOUN
+papers	NOUN
+.	PUNCT
+
+Best	ADJ
+regards	NOUN
+,	PUNCT
+
+Debra	PROPN
+Perlingiere	PROPN
+
+4105SF	NOUN
+
+Debra	PROPN
+Perlingiere	PROPN
+
+Jill	PROPN
+:	PUNCT
+
+As	SCONJ
+discussed	VERB
+,	PUNCT
+attached	VERB
+is	AUX
+a	DET
+GISB	NOUN
+draft	NOUN
+for	ADP
+Pioneer	PROPN
+.	PUNCT
+
+As	SCONJ
+you	PRON
+can	AUX
+see	VERB
+there	PRON
+are	VERB
+several	ADJ
+blanks	NOUN
+concerning	VERB
+administrative	ADJ
+information	NOUN
+for	ADP
+ENA	PROPN
+Upstream	PROPN
+.	PUNCT
+
+I	PRON
+was	AUX
+able	ADJ
+to	PART
+secure	VERB
+a	DET
+Duns	PROPN
+#	NOUN
+and	CCONJ
+Fed	ADJ
+Tax	NOUN
+ID	NOUN
+however	ADV
+,	PUNCT
+I	PRON
+am	AUX
+lacking	VERB
+Fax	NOUN
+and	CCONJ
+bank	NOUN
+account	NOUN
+numbers	NOUN
+.	PUNCT
+
+Do	AUX
+you	PRON
+have	VERB
+this	DET
+information	NOUN
+?	PUNCT
+
+Dp	PROPN
+
+Debra	PROPN
+Perlingiere	PROPN
+
+Debra	PROPN
+Perlingiere	PROPN
+
+Jeffrey	PROPN
+T	PROPN
+Hodge	PROPN
+
+03/29/2001	NUM
+09:01	NUM
+AM	NOUN
+
+Rudwell	PROPN
+Johnson	PROPN
+/	PUNCT
+ENRON@enronXgate	X
+
+03/28/2001	NUM
+05:09	NUM
+PM	NOUN
+
+Jeff	PROPN
+!	PUNCT
+
+Please	INTJ
+find	VERB
+attached	VERB
+a	DET
+credit	NOUN
+worksheet	NOUN
+for	ADP
+a	DET
+Master	NOUN
+Firm	NOUN
+contract	NOUN
+for	ADP
+the	DET
+above	ADV
+mentioned	VERB
+counterparty	NOUN
+.	PUNCT
+
+Please	INTJ
+complete	VERB
+agreement	NOUN
+and	CCONJ
+forward	VERB
+to	ADP
+counterparty	NOUN
+.	PUNCT
+
+Thanks	NOUN
+
+Rudwell	PROPN
+53596	NUM
+.	PUNCT
+
+Cindy	PROPN
+,	PUNCT
+
+Please	INTJ
+forward	VERB
+a	DET
+copy	NOUN
+of	ADP
+the	DET
+J.M.	PROPN
+Huber	PROPN
+Corporation	PROPN
+Guaranty	NOUN
+to	ADP
+my	PRON
+attention	NOUN
+.	PUNCT
+
+The	DET
+Guaranty	NOUN
+is	AUX
+dated	VERB
+August	PROPN
+1	NUM
+,	PUNCT
+2000	NUM
+.	PUNCT
+
+Thanks	NOUN
+!!	PUNCT
+
+Debra	PROPN
+Perlingiere	PROPN
+
+They	PRON
+are	AUX
+taking	VERB
+delivery	NOUN
+in	ADP
+the	DET
+U.S	PROPN
+.	PUNCT
+
+Debra	PROPN
+Perlingiere	PROPN
+
+Visit	PROPN
+,	PUNCT
+
+Thanks	NOUN
+for	ADP
+your	PRON
+message	NOUN
+.	PUNCT
+
+Can	AUX
+you	PRON
+send	VERB
+me	PRON
+the	DET
+data	NOUN
+you	PRON
+used	VERB
+:	PUNCT
+I	PRON
+shall	AUX
+take	VERB
+a	DET
+look	NOUN
+at	ADP
+it	PRON
+.	PUNCT
+
+Vince	PROPN
+
+Dear	ADJ
+All	DET
+,	PUNCT
+
+My	PRON
+mane	NOUN
+is	AUX
+Visit	PROPN
+Phunnarungsi	PROPN
+.	PUNCT
+
+I	PRON
+used	VERB
+to	PART
+e-mail	VERB
+Vince	PROPN
+Kaminski	PROPN
+about	ADP
+the	DET
+advice	NOUN
+on	ADP
+his	PRON
+article	NOUN
+"	PUNCT
+The	DET
+Challenge	PROPN
+of	SCONJ
+Pricing	VERB
+and	CCONJ
+Risk	PROPN
+Managing	VERB
+Electricity	PROPN
+Derivatives	PROPN
+"	PUNCT
+and	CCONJ
+he	PRON
+had	AUX
+mailed	VERB
+me	PRON
+the	DET
+copy	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+now	ADV
+modelling	VERB
+the	DET
+Queensland	PROPN
+electricity	NOUN
+spot	NOUN
+price	NOUN
+using	VERB
+Geometric	ADJ
+Brownian	ADJ
+Mean	NOUN
+Reverting	VERB
+Jump	NOUN
+Diffusion	NOUN
+Model	NOUN
+and	CCONJ
+have	AUX
+followed	VERB
+your	PRON
+paper	NOUN
+"	PUNCT
+Making	VERB
+the	DET
+most	ADJ
+of	ADP
+mean	PROPN
+reversion	PROPN
+"	PUNCT
+to	PART
+estimate	VERB
+the	DET
+mean	NOUN
+reversion	NOUN
+speed	NOUN
+.	PUNCT
+
+I	PRON
+use	VERB
+Queensland	PROPN
+half	ADJ
+-	PUNCT
+hourly	ADJ
+price	NOUN
+during	ADP
+13	NUM
+December	PROPN
+,	PUNCT
+1998	NUM
+-	SYM
+30	NUM
+June	PROPN
+2001	NUM
+giving	VERB
+about	ADV
+44,000	NUM
+price	NOUN
+observations	NOUN
+.	PUNCT
+
+However	ADV
+,	PUNCT
+the	DET
+result	NOUN
+from	ADP
+Ordinary	ADJ
+Least	ADJ
+Squares	NOUN
+was	VERB
+not	PART
+as	SCONJ
+expected	VERB
+due	ADP
+to	ADP
+different	ADJ
+sign	NOUN
+for	ADP
+both	CCONJ
+slope	NOUN
+&	CCONJ
+intercept	NOUN
+.	PUNCT
+
+The	DET
+coefficient	NOUN
+and	CCONJ
+standard	ADJ
+error	NOUN
+are	VERB
+as	SCONJ
+followed	VERB
+:	PUNCT
+
+Intercept	NOUN
+:	PUNCT
+-	SYM
+0.3931	NUM
+(	PUNCT
+0.0076	NUM
+)	PUNCT
+
+Slope	NOUN
+:	PUNCT
+0.1171	NUM
+(	PUNCT
+0.0022	NUM
+)	PUNCT
+
+R	NOUN
+Square	NOUN
+:	PUNCT
+0.0585	NUM
+
+Therefore	ADV
+I	PRON
+could	AUX
+not	PART
+estimate	VERB
+the	DET
+mean	NOUN
+reversion	NOUN
+rate	NOUN
+as	SCONJ
+the	DET
+estimated	VERB
+slope	NOUN
+has	VERB
+the	DET
+positive	ADJ
+sign	NOUN
+.	PUNCT
+
+I	PRON
+have	AUX
+also	ADV
+tried	VERB
+monthly	ADJ
+data	NOUN
+and	CCONJ
+the	DET
+results	NOUN
+are	AUX
+the	DET
+same	ADJ
+.	PUNCT
+
+It	PRON
+would	AUX
+be	AUX
+appreciated	VERB
+if	SCONJ
+you	PRON
+could	AUX
+advice	VERB
+me	PRON
+on	ADP
+this	DET
+matter	NOUN
+.	PUNCT
+
+Kindest	ADJ
+regards	NOUN
+,	PUNCT
+
+Visit	PROPN
+
+Get	VERB
+your	PRON
+FREE	ADJ
+download	NOUN
+of	ADP
+MSN	PROPN
+Explorer	PROPN
+at	ADP
+http://explorer.msn.com	X
+<<	PUNCT
+File	NOUN
+:	PUNCT
+'	PUNCT
+http://go.msn.com/bql/hmtag_itl_EN.asp	X
+'	PUNCT
+>>	PUNCT
+
+Chris	PROPN
+,	PUNCT
+
+Plz	INTJ
+contact	VERB
+Shirley	PROPN
+Crenshaw	PROPN
+(	PUNCT
+X	X
+3-5290	NUM
+)	PUNCT
+regarding	VERB
+a	DET
+copy	NOUN
+of	ADP
+an	DET
+article	NOUN
+.	PUNCT
+
+Vince	PROPN
+
+Traci	PROPN
+,	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+This	PRON
+is	AUX
+the	DET
+best	ADJ
+solution	NOUN
+given	VERB
+all	DET
+the	DET
+uncertainties	NOUN
+we	PRON
+face	VERB
+.	PUNCT
+
+Vince	PROPN
+
+Vince	PROPN
+-	PUNCT
+
+Thanks	NOUN
+for	ADP
+the	DET
+message	NOUN
+regarding	VERB
+a	DET
+possible	ADJ
+intern	NOUN
+for	ADP
+your	PRON
+group	NOUN
+.	PUNCT
+
+Right	ADV
+now	ADV
+,	PUNCT
+we	PRON
+are	AUX
+in	ADP
+the	DET
+process	NOUN
+of	SCONJ
+evaluating	VERB
+both	CCONJ
+our	PRON
+new	ADJ
+hire	NOUN
+needs	NOUN
+and	CCONJ
+our	PRON
+summer	NOUN
+needs	NOUN
+and	CCONJ
+will	AUX
+be	AUX
+making	VERB
+those	DET
+decisions	NOUN
+after	ADP
+the	DET
+first	NOUN
+of	ADP
+the	DET
+year	NOUN
+.	PUNCT
+
+Until	SCONJ
+we	PRON
+have	AUX
+come	VERB
+up	ADV
+with	ADP
+those	DET
+numbers	NOUN
+it	PRON
+would	AUX
+be	AUX
+premature	ADJ
+to	PART
+make	VERB
+any	DET
+offers	NOUN
+for	ADP
+the	DET
+summer	NOUN
+.	PUNCT
+
+What	PRON
+I	PRON
+would	AUX
+like	VERB
+to	PART
+do	VERB
+in	ADP
+this	DET
+case	NOUN
+is	VERB
+get	VERB
+the	DET
+information	NOUN
+to	ADP
+Jeff	PROPN
+Davis	PROPN
+,	PUNCT
+who	PRON
+is	AUX
+responsible	ADJ
+for	ADP
+Georgia	PROPN
+Tech	PROPN
+and	CCONJ
+ask	VERB
+him	PRON
+to	PART
+get	VERB
+Sungjoo	PROPN
+'s	PART
+resume	NOUN
+and	CCONJ
+start	VERB
+a	DET
+file	NOUN
+on	ADP
+him	PRON
+with	ADP
+a	DET
+notation	NOUN
+that	SCONJ
+you	PRON
+would	AUX
+like	VERB
+to	PART
+hire	VERB
+him	PRON
+for	ADP
+summer	NOUN
+.	PUNCT
+
+When	ADV
+we	PRON
+start	VERB
+the	DET
+summer	NOUN
+process	NOUN
+,	PUNCT
+we	PRON
+will	AUX
+interview	VERB
+the	DET
+candidate	NOUN
+and	CCONJ
+slot	VERB
+him	PRON
+for	ADP
+your	PRON
+group	NOUN
+.	PUNCT
+
+Is	AUX
+this	PRON
+okay	ADJ
+with	ADP
+you	PRON
+?	PUNCT
+
+Hope	VERB
+all	DET
+is	AUX
+well	ADJ
+with	ADP
+you	PRON
+
+Take	VERB
+Care	NOUN
+
+Traci	PROPN
+
+Traci	PROPN
+,	PUNCT
+
+I	PRON
+have	AUX
+visited	VERB
+Georgia	PROPN
+Tech	PROPN
+on	ADP
+Thursday	PROPN
+.	PUNCT
+
+One	NUM
+of	ADP
+the	DET
+students	NOUN
+indicated	VERB
+that	SCONJ
+he	PRON
+is	AUX
+interested	ADJ
+in	ADP
+a	DET
+summer	NOUN
+internship	NOUN
+.	PUNCT
+
+He	PRON
+came	VERB
+across	ADV
+as	ADP
+a	DET
+very	ADV
+bright	ADJ
+person	NOUN
+,	PUNCT
+very	ADV
+personable	ADJ
+.	PUNCT
+
+I	PRON
+can	AUX
+take	VERB
+him	PRON
+as	ADP
+a	DET
+summer	NOUN
+intern	NOUN
+.	PUNCT
+
+Vince	PROPN
+
+Dear	ADJ
+Dr.	PROPN
+Vincent	PROPN
+Kaminski	PROPN
+,	PUNCT
+
+Hi	INTJ
+.	PUNCT
+
+How	ADV
+are	AUX
+you	PRON
+doing	VERB
+?	PUNCT
+
+I	PRON
+hope	VERB
+you	PRON
+have	VERB
+a	DET
+good	ADJ
+flight	NOUN
+back	ADV
+to	ADP
+home	NOUN
+.	PUNCT
+
+It	PRON
+was	AUX
+a	DET
+good	ADJ
+opportunity	NOUN
+to	PART
+know	VERB
+about	ADP
+Enron	PROPN
+and	CCONJ
+its	PRON
+finance	NOUN
+sector	NOUN
+.	PUNCT
+
+Thank	VERB
+you	PRON
+for	ADP
+your	PRON
+time	NOUN
+.	PUNCT
+
+I	PRON
+have	AUX
+already	ADV
+submitted	VERB
+my	PRON
+resume	NOUN
+and	CCONJ
+cover	NOUN
+letter	NOUN
+right	ADV
+after	ADP
+the	DET
+talk	NOUN
+.	PUNCT
+
+However	ADV
+,	PUNCT
+you	PRON
+ask	VERB
+me	PRON
+to	PART
+send	VERB
+a	DET
+copy	NOUN
+of	ADP
+resume	NOUN
+and	CCONJ
+cover	NOUN
+letter	NOUN
+again	ADV
+.	PUNCT
+
+Those	DET
+attachments	NOUN
+are	VERB
+what	PRON
+I	PRON
+was	AUX
+asked	VERB
+.	PUNCT
+
+Again	ADV
+,	PUNCT
+it	PRON
+was	AUX
+a	DET
+good	ADJ
+chance	NOUN
+for	SCONJ
+me	PRON
+to	PART
+get	VERB
+to	PART
+know	VERB
+what	PRON
+I	PRON
+can	AUX
+do	VERB
+in	ADP
+this	DET
+field	NOUN
+and	CCONJ
+what	PRON
+I	PRON
+have	VERB
+to	PART
+more	ADV
+focus	VERB
+on	ADP
+in	ADP
+school	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+looking	VERB
+forward	ADV
+to	SCONJ
+hearing	VERB
+from	ADP
+you	PRON
+soon	ADV
+and	CCONJ
+have	VERB
+a	DET
+nice	ADJ
+day	NOUN
+.	PUNCT
+
+Thank	VERB
+you	PRON
+.	PUNCT
+
+************************************************	PUNCT
+
+Sungjoo	PROPN
+Lee	PROPN
+Stochastic	ADJ
+Processes	NOUN
+and	CCONJ
+Simulation	NOUN
+in	ADP
+Finance	NOUN
+Georgia	PROPN
+Institute	PROPN
+of	ADP
+Technology	PROPN
+School	PROPN
+of	ADP
+Industrial	PROPN
+and	CCONJ
+Systems	PROPN
+Engineering	PROPN
+E-mail	NOUN
+address	NOUN
+:	PUNCT
+goldconn@isye.gatech.edu	X
+gte114t@prism.gatech.edu	X
+Home	NOUN
+:	PUNCT
+404-449-1026	NUM
+Office	NOUN
+:	PUNCT
+Coming	VERB
+Soon	ADV
+!	PUNCT
+
+************************************************	PUNCT
+
+-	PUNCT
+Lisa_coverletter.doc	NOUN
+<<	PUNCT
+File	NOUN
+:	PUNCT
+Lisa_coverletter.doc	NOUN
+>>	PUNCT
+
+-	PUNCT
+Lisa_resume.doc	NOUN
+<<	PUNCT
+File	NOUN
+:	PUNCT
+Lisa_resume.doc	NOUN
+>>	PUNCT
+
+FYI	ADV
+
+Vince	PROPN
+
+P.S.	NOUN
+Tom	PROPN
+,	PUNCT
+Please	INTJ
+,	PUNCT
+contact	VERB
+Vernon	PROPN
+and	CCONJ
+get	VERB
+the	DET
+details	NOUN
+.	PUNCT
+
+Renee	PROPN
+,	PUNCT
+
+I	PRON
+would	AUX
+like	VERB
+to	PART
+have	VERB
+a	DET
+meeting	NOUN
+to	PART
+go	VERB
+over	ADP
+the	DET
+payment	NOUN
+methodology	NOUN
+.	PUNCT
+
+Scott	PROPN
+Neal	PROPN
+and	CCONJ
+Tom	PROPN
+Martin	PROPN
+would	AUX
+like	VERB
+to	PART
+attend	VERB
+as	ADV
+well	ADV
+.	PUNCT
+
+This	DET
+afternoon	NOUN
+at	ADP
+2	NUM
+PM	NOUN
+or	CCONJ
+later	ADV
+would	AUX
+work	VERB
+for	ADP
+us	PRON
+.	PUNCT
+
+Please	INTJ
+let	VERB
+me	PRON
+know	VERB
+what	DET
+time	NOUN
+we	PRON
+could	AUX
+meet	VERB
+.	PUNCT
+
+Thank	VERB
+you	PRON
+,	PUNCT
+
+Phillip	PROPN
+
+Phillip	PROPN
+,	PUNCT
+
+This	DET
+section	NOUN
+pertains	VERB
+to	ADP
+terminated	VERB
+employees	NOUN
+who	PRON
+are	AUX
+paid	VERB
+out	ADP
+in	ADP
+the	DET
+year	NOUN
+following	VERB
+the	DET
+termination	NOUN
+event	NOUN
+.	PUNCT
+
+The	DET
+way	NOUN
+the	DET
+tax	NOUN
+law	NOUN
+works	VERB
+,	PUNCT
+the	DET
+tax	NOUN
+basis	NOUN
+for	ADP
+your	PRON
+share	NOUN
+distribution	NOUN
+will	AUX
+be	AUX
+based	VERB
+on	ADP
+the	DET
+closing	VERB
+stock	NOUN
+price	NOUN
+the	DET
+day	NOUN
+preceding	VERB
+notification	NOUN
+to	ADP
+the	DET
+transfer	NOUN
+agent	NOUN
+.	PUNCT
+
+As	ADP
+such	ADJ
+,	PUNCT
+we	PRON
+will	AUX
+distribute	VERB
+net	ADJ
+shares	NOUN
+calculating	VERB
+the	DET
+proper	ADJ
+withholding	NOUN
+at	ADP
+fair	ADJ
+market	NOUN
+value	NOUN
+the	DET
+day	NOUN
+prior	ADJ
+to	SCONJ
+notifying	VERB
+the	DET
+transfer	NOUN
+agent	NOUN
+.	PUNCT
+
+We	PRON
+will	AUX
+be	AUX
+distributing	VERB
+the	DET
+shares	NOUN
+reflected	VERB
+on	ADP
+your	PRON
+9/30/01	NUM
+statement	NOUN
+(	PUNCT
+6,606	NUM
+shares	NOUN
+plus	CCONJ
+cash	NOUN
+for	ADP
+fractional	ADJ
+shares	NOUN
+)	PUNCT
+.	PUNCT
+
+If	SCONJ
+you	PRON
+would	AUX
+prefer	VERB
+to	PART
+settle	VERB
+the	DET
+taxes	NOUN
+with	ADP
+a	DET
+personal	ADJ
+check	NOUN
+,	PUNCT
+we	PRON
+can	AUX
+distribute	VERB
+gross	ADJ
+shares	NOUN
+.	PUNCT
+
+Please	INTJ
+let	VERB
+me	PRON
+know	VERB
+you	PRON
+preference	NOUN
+.	PUNCT
+
+As	SCONJ
+you	PRON
+know	VERB
+,	PUNCT
+we	PRON
+are	AUX
+in	ADP
+the	DET
+process	NOUN
+of	SCONJ
+transferring	VERB
+recordkeeping	NOUN
+services	NOUN
+from	ADP
+NTRC	PROPN
+to	ADP
+Hewitt	PROPN
+.	PUNCT
+
+As	ADP
+such	ADJ
+,	PUNCT
+we	PRON
+have	VERB
+a	DET
+CPA	NOUN
+,	PUNCT
+Larry	PROPN
+Lewis	PROPN
+,	PUNCT
+working	VERB
+with	ADP
+us	PRON
+to	PART
+audit	VERB
+and	CCONJ
+set	VERB
+up	ADP
+transition	NOUN
+files	NOUN
+.	PUNCT
+
+He	PRON
+has	AUX
+become	VERB
+our	PRON
+department	NOUN
+expert	NOUN
+on	ADP
+the	DET
+PSA	NOUN
+account	NOUN
+(	PUNCT
+much	ADV
+more	ADV
+knowledgeable	ADJ
+than	ADP
+myself	PRON
+)	PUNCT
+and	CCONJ
+the	DET
+various	ADJ
+plan	NOUN
+provision	NOUN
+amendments	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+would	AUX
+like	VERB
+,	PUNCT
+we	PRON
+can	AUX
+set	VERB
+up	ADP
+a	DET
+conference	NOUN
+call	NOUN
+with	ADP
+you	PRON
+,	PUNCT
+myself	PRON
+,	PUNCT
+and	CCONJ
+Larry	PROPN
+to	PART
+go	VERB
+over	ADP
+the	DET
+payment	NOUN
+methodology	NOUN
+.	PUNCT
+
+Please	INTJ
+let	VERB
+me	PRON
+know	VERB
+a	DET
+date	NOUN
+and	CCONJ
+time	NOUN
+that	PRON
+is	AUX
+convenient	ADJ
+for	ADP
+you	PRON
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Renee	PROPN
+
+Renee	PROPN
+,	PUNCT
+
+Thank	VERB
+you	PRON
+for	SCONJ
+digging	VERB
+in	ADP
+to	ADP
+the	DET
+issue	NOUN
+of	ADP
+Deferred	VERB
+Phantom	NOUN
+Stock	NOUN
+Units	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+clear	ADJ
+that	SCONJ
+the	DET
+payment	NOUN
+will	AUX
+be	AUX
+made	VERB
+in	ADP
+shares	NOUN
+.	PUNCT
+
+However	ADV
+,	PUNCT
+I	PRON
+still	ADV
+do	AUX
+n't	PART
+understand	VERB
+which	DET
+date	NOUN
+will	AUX
+be	AUX
+used	VERB
+to	PART
+determine	VERB
+the	DET
+value	NOUN
+and	CCONJ
+calculate	VERB
+how	ADV
+many	ADJ
+shares	NOUN
+.	PUNCT
+
+The	DET
+plan	NOUN
+document	NOUN
+under	ADP
+VII	NUM
+.	PUNCT
+
+Amount	PROPN
+of	ADP
+Benefit	PROPN
+Payments	PROPN
+reads	VERB
+"	PUNCT
+The	DET
+value	NOUN
+of	ADP
+the	DET
+shares	NOUN
+,	PUNCT
+and	CCONJ
+resulting	VERB
+payment	NOUN
+amount	NOUN
+will	AUX
+be	AUX
+based	VERB
+on	ADP
+the	DET
+closing	VERB
+price	NOUN
+of	ADP
+Enron	PROPN
+Corp.	PROPN
+common	ADJ
+stock	NOUN
+on	ADP
+the	DET
+January	PROPN
+1	NUM
+before	ADP
+the	DET
+date	NOUN
+of	ADP
+payment	NOUN
+,	PUNCT
+and	CCONJ
+such	ADJ
+payment	NOUN
+shall	AUX
+be	AUX
+made	VERB
+in	ADP
+shares	NOUN
+of	ADP
+Enron	PROPN
+Corp.	PROPN
+common	ADJ
+stock	NOUN
+.	PUNCT
+"	PUNCT
+
+Can	AUX
+you	PRON
+help	VERB
+me	PRON
+interpret	VERB
+this	DET
+statement	NOUN
+and	CCONJ
+work	VERB
+through	ADP
+the	DET
+numbers	NOUN
+on	ADP
+my	PRON
+account	NOUN
+.	PUNCT
+
+Thank	VERB
+you	PRON
+,	PUNCT
+
+Phillip	PROPN
+Allen	PROPN
+
+Let	VERB
+me	PRON
+know	VERB
+when	ADV
+you	PRON
+get	VERB
+the	DET
+quotes	NOUN
+from	ADP
+Pauline	PROPN
+.	PUNCT
+
+I	PRON
+am	AUX
+expecting	VERB
+to	PART
+pay	VERB
+something	PRON
+in	ADP
+the	DET
+$	SYM
+3,	NUM
+to	ADP
+$	SYM
+5,000	NUM
+range	NOUN
+.	PUNCT
+
+I	PRON
+would	AUX
+like	VERB
+to	PART
+see	VERB
+the	DET
+quotes	NOUN
+and	CCONJ
+a	DET
+description	NOUN
+of	ADP
+the	DET
+work	NOUN
+to	PART
+be	AUX
+done	VERB
+.	PUNCT
+
+It	PRON
+is	AUX
+my	PRON
+understanding	NOUN
+that	SCONJ
+some	DET
+rock	NOUN
+will	AUX
+be	AUX
+removed	VERB
+and	CCONJ
+replaced	VERB
+with	ADP
+siding	NOUN
+.	PUNCT
+
+If	SCONJ
+they	PRON
+are	AUX
+getting	VERB
+quotes	NOUN
+to	PART
+put	VERB
+up	ADP
+new	ADJ
+rock	NOUN
+then	ADV
+we	PRON
+will	AUX
+need	VERB
+to	PART
+clarify	VERB
+.	PUNCT
+
+Jacques	PROPN
+is	AUX
+ready	ADJ
+to	PART
+drop	VERB
+in	ADV
+a	DET
+dollar	NOUN
+amount	NOUN
+on	ADP
+the	DET
+release	NOUN
+.	PUNCT
+
+If	SCONJ
+the	DET
+negotiations	NOUN
+stall	VERB
+,	PUNCT
+it	PRON
+seems	VERB
+like	SCONJ
+I	PRON
+need	VERB
+to	PART
+go	VERB
+ahead	ADV
+and	CCONJ
+cut	VERB
+off	ADP
+the	DET
+utilities	NOUN
+.	PUNCT
+
+Hopefully	ADV
+things	NOUN
+will	AUX
+go	VERB
+smoothly	ADV
+.	PUNCT
+
+Phillip	PROPN
+
+Attendees	NOUN
+:	PUNCT
+Pam	PROPN
+Butler	PROPN
+
+Renee	PROPN
+Ratcliff	PROPN
+
+Larry	PROPN
+Lewis	PROPN
+
+Tom	PROPN
+Martin	PROPN
+
+Scott	PROPN
+Neal	PROPN
+
+Phillip	PROPN
+Allen	PROPN
+
+Greg	PROPN
+,	PUNCT
+
+I	PRON
+faxed	VERB
+you	PRON
+the	DET
+promotional	NOUN
+on	ADP
+10300	NUM
+Heritage	PROPN
+Office	PROPN
+Building	PROPN
+with	ADP
+the	DET
+Nimitz	PROPN
+post	NOUN
+office	NOUN
+.	PUNCT
+
+The	DET
+broker	NOUN
+called	VERB
+back	ADP
+shortly	ADV
+after	SCONJ
+I	PRON
+spoke	VERB
+to	ADP
+you	PRON
+to	PART
+let	VERB
+me	PRON
+know	VERB
+that	SCONJ
+the	DET
+kestrel	PROPN
+air	PROPN
+park	PROPN
+building	PROPN
+and	CCONJ
+the	DET
+strip	NOUN
+center	NOUN
+at	ADP
+fm78	PROPN
+&	CCONJ
+walzem	PROPN
+had	AUX
+both	ADV
+sold	VERB
+.	PUNCT
+
+Let	VERB
+me	PRON
+know	VERB
+what	PRON
+you	PRON
+think	VERB
+of	ADP
+this	DET
+property	NOUN
+.	PUNCT
+
+Also	ADV
+,	PUNCT
+let	VERB
+me	PRON
+know	VERB
+of	ADP
+any	DET
+other	ADJ
+ideas	NOUN
+about	ADP
+replacement	NOUN
+property	NOUN
+.	PUNCT
+
+Phillip	PROPN
+
+Jim	PROPN
+,	PUNCT
+
+Take	VERB
+a	DET
+look	NOUN
+at	ADP
+this	DET
+spreadsheet	NOUN
+.	PUNCT
+
+I	PRON
+tried	VERB
+to	PART
+calculate	VERB
+the	DET
+IRR	NOUN
+on	ADP
+the	DET
+port	PROPN
+Aransas	PROPN
+and	CCONJ
+Roma	PROPN
+post	NOUN
+offices	NOUN
+.	PUNCT
+
+Is	VERB
+this	PRON
+how	ADV
+your	PRON
+clients	NOUN
+usually	ADV
+evaluate	VERB
+these	DET
+properties	NOUN
+?	PUNCT
+
+The	DET
+Roma	PROPN
+deal	NOUN
+looks	VERB
+much	ADV
+better	ADJ
+.	PUNCT
+
+Phillip	PROPN
+
+Mery	PROPN
+,	PUNCT
+
+This	PRON
+sounds	VERB
+better	ADJ
+than	ADP
+the	DET
+limitations	NOUN
+you	PRON
+were	AUX
+describing	VERB
+in	ADP
+the	DET
+meeting	NOUN
+.	PUNCT
+
+We	PRON
+should	AUX
+be	AUX
+able	ADJ
+to	PART
+work	VERB
+with	ADP
+this	PRON
+.	PUNCT
+
+Phillip	PROPN
+
+Hope	VERB
+you	PRON
+enjoy	VERB
+the	DET
+posts	NOUN
+and	CCONJ
+feel	VERB
+free	ADJ
+to	PART
+jump	VERB
+in	ADV
+anywhere	ADV
+.	PUNCT
+
+Hope	VERB
+to	PART
+see	VERB
+you	PRON
+soon	ADV
+!	PUNCT
+
+The	DET
+Alaskan	PROPN
+Knight	PROPN
+
+All	DET
+you	PRON
+have	VERB
+to	PART
+do	VERB
+is	VERB
+sign	VERB
+up	ADP
+for	ADP
+one	NUM
+free	ADJ
+offer	NOUN
+(	PUNCT
+such	ADJ
+as	ADP
+efax	NOUN
+)	PUNCT
+and	CCONJ
+then	ADV
+cancel	VERB
+within	ADP
+the	DET
+offer	NOUN
+time	NOUN
+frame	NOUN
+.	PUNCT
+
+Absolutely	ADV
+free	ADJ
+.	PUNCT
+
+Email	NOUN
+:	PUNCT
+franz371...@gmail.com	X
+
+Site	NOUN
+made	VERB
+!	PUNCT
+
+and	CCONJ
+it	PRON
+seems	VERB
+this	PRON
+is	AUX
+the	DET
+FIRST	ADJ
+site	NOUN
+of	ADP
+ragnarok	PROPN
+2	PROPN
+hahaha	INTJ
+since	SCONJ
+the	DET
+site	NOUN
+is	AUX
+new	ADJ
+send	VERB
+me	PRON
+your	PRON
+suggestions	NOUN
+and	CCONJ
+comments	NOUN
+
+Reply	VERB
+
+Email	NOUN
+:	PUNCT
+davidr...@optonline.net	X
+
+Groups	NOUN
+:	PUNCT
+alt.animals.breeders.rabbits	NOUN
+,	PUNCT
+alt.animals.cat	NOUN
+,	PUNCT
+alt.animals.crab	NOUN
+,	PUNCT
+alt.animals.dog	NOUN
+,	PUNCT
+alt.animals.dogs.collies.open-forum	NOUN
+,	PUNCT
+alt.animals.dolphins	NOUN
+,	PUNCT
+alt.animals.eagle.bald	NOUN
+,	PUNCT
+alt.animals.ethics.vegetarian	NOUN
+,	PUNCT
+alt.animals.falcon	NOUN
+
+This	DET
+message	NOUN
+was	AUX
+cancelled	VERB
+from	ADP
+within	ADP
+Mozilla	PROPN
+.	PUNCT
+
+I	PRON
+took	VERB
+a	DET
+tip	NOUN
+from	ADP
+Carri	PROPN
+and	CCONJ
+looked	VERB
+up	ADP
+Rat	NOUN
+ASCII's	NOUN
+on	ADP
+Google	PROPN
+.	PUNCT
+
+Check	VERB
+these	PRON
+out	ADP
+:	PUNCT
+
+"	PUNCT
+...	PUNCT
+there	PRON
+is	VERB
+no	DET
+companion	NOUN
+quite	ADV
+so	ADV
+devoted	ADJ
+,	PUNCT
+so	ADV
+communicative	ADJ
+,	PUNCT
+so	ADV
+loving	ADJ
+and	CCONJ
+so	ADV
+mesmerizing	ADJ
+as	ADP
+a	DET
+rat	NOUN
+.	PUNCT
+"	PUNCT
+
+~	PUNCT
+CGoehring	PROPN
+
+for	ADP
+Books	NOUN
+that	PRON
+Speak	VERB
+for	ADP
+Themselves	PRON
+....	PUNCT
+
+Interested	ADJ
+in	ADP
+audiobooks	NOUN
+?	PUNCT
+
+Come	VERB
+visit	VERB
+irc	NOUN
+server	NOUN
+:	PUNCT
+irc.yankeedot.net	X
+and	CCONJ
+join	VERB
+#	NOUN
+audiobooks	NOUN
+for	ADP
+sharing	NOUN
+,	PUNCT
+discussion	NOUN
+and	CCONJ
+a	DET
+great	ADJ
+trivia	NOUN
+game	NOUN
+!	PUNCT
+
+large	ADJ
+selection	NOUN
+of	ADP
+fiction	NOUN
+,	PUNCT
+science	NOUN
+fiction	NOUN
+and	CCONJ
+best	ADJ
+sellers	NOUN
+.	PUNCT
+
+for	ADP
+Books	NOUN
+that	PRON
+Speak	VERB
+for	ADP
+Themselves	PRON
+....	PUNCT
+
+Interested	ADJ
+in	ADP
+audiobooks	NOUN
+?	PUNCT
+
+Come	VERB
+visit	VERB
+irc	NOUN
+server	NOUN
+:	PUNCT
+irc.yankeedot.net	X
+and	CCONJ
+join	VERB
+#	NOUN
+audiobooks	NOUN
+for	ADP
+sharing	NOUN
+,	PUNCT
+discussion	NOUN
+and	CCONJ
+a	DET
+great	ADJ
+trivia	NOUN
+game	NOUN
+!	PUNCT
+large	ADJ
+selection	NOUN
+of	ADP
+fiction	NOUN
+,	PUNCT
+science	NOUN
+fiction	NOUN
+and	CCONJ
+best	ADV
+sellers	NOUN
+.	PUNCT
+
+Based	VERB
+on	ADP
+specific	ADJ
+intelligence	NOUN
+inputs	NOUN
+,	PUNCT
+Army	NOUN
+arrested	VERB
+Ghulam	PROPN
+Mohiuddin	PROPN
+Lone	PROPN
+,	PUNCT
+a	DET
+LeT	PROPN
+man	NOUN
+,	PUNCT
+from	ADP
+Doda	PROPN
+district	NOUN
+.	PUNCT
+
+During	ADP
+the	DET
+preliminary	ADJ
+interrogation	NOUN
+,	PUNCT
+Lone	PROPN
+'	PUNCT
+confessed	VERB
+'	PUNCT
+his	PRON
+involvement	NOUN
+in	ADP
+the	DET
+blasts	NOUN
+and	CCONJ
+gave	VERB
+several	ADJ
+vital	ADJ
+clues	NOUN
+.	PUNCT
+
+The	DET
+India	PROPN
+Diaries	PROPN
+
+Truly	ADV
+a	DET
+moment	NOUN
+that	PRON
+speaks	VERB
+for	ADP
+itself	PRON
+.	PUNCT
+
+He	INTJ
+-	PUNCT
+he	INTJ
+.	PUNCT
+
+_____	SYM
+
+Visit	VERB
+Capt.	PROPN
+Spastic	PROPN
+'s	PART
+Joke	PROPN
+List	PROPN
+for	ADP
+all	DET
+the	DET
+information	NOUN
+and	CCONJ
+options	NOUN
+:	PUNCT
+<	PUNCT
+>	PUNCT
+
+Capt.	PROPN
+Spastic	PROPN
+'s	PART
+Demented	PROPN
+World	PROPN
+is	AUX
+located	VERB
+at	ADP
+:	PUNCT
+<	PUNCT
+>	PUNCT
+
+Outlook.jpg	NOUN
+
+39	NUM
+K	NOUN
+Download	NOUN
+
+$	SYM
+5250	NUM
+Deposited	VERB
+Directly	ADV
+to	ADP
+your	PRON
+PayPal	PROPN
+account	NOUN
+!	PUNCT
+
+Try	VERB
+our	PRON
+ultimate	ADJ
+program	NOUN
+that	PRON
+will	AUX
+generate	VERB
+a	DET
+blast	NOUN
+of	ADP
+$	SYM
+10	NUM
+and	CCONJ
+$	SYM
+8	NUM
+payments	NOUN
+deposited	VERB
+directly	ADV
+to	ADP
+your	PRON
+PayPal	PROPN
+account	NOUN
+.	PUNCT
+
+All	DET
+you	PRON
+have	VERB
+to	PART
+do	VERB
+is	VERB
+become	VERB
+a	DET
+member	NOUN
+and	CCONJ
+watch	VERB
+your	PRON
+earnings	NOUN
+grow	VERB
+!	PUNCT
+
+Thank	VERB
+you	PRON
+for	SCONJ
+helping	VERB
+us	PRON
+to	PART
+sell	VERB
+out	ADP
+of	ADP
+our	PRON
+first	ADJ
+issue	NOUN
+,	PUNCT
+now	ADV
+let	VERB
+your	PRON
+friends	NOUN
+and	CCONJ
+local	ADJ
+news	NOUN
+organizations	NOUN
+know	VERB
+that	SCONJ
+a	DET
+delicious	ADJ
+reprint	NOUN
+,	PUNCT
+with	ADP
+a	DET
+hot	ADJ
+spanking	ADV
+new	ADJ
+cover	NOUN
+by	ADP
+Greg	PROPN
+Mannino	PROPN
+,	PUNCT
+is	AUX
+available	ADJ
+for	ADP
+order	NOUN
+on	ADP
+our	PRON
+website	NOUN
+.	PUNCT
+
+Share	VERB
+the	DET
+love	NOUN
+!	PUNCT
+
+The	DET
+end	NOUN
+of	ADP
+the	DET
+year	NOUN
+is	AUX
+a	DET
+time	NOUN
+for	SCONJ
+compiling	VERB
+statistics	NOUN
+-	PUNCT
+and	CCONJ
+according	VERB
+to	ADP
+the	DET
+World	PROPN
+Conservation	PROPN
+Union	PROPN
+(	PUNCT
+IUCN	PROPN
+)	PUNCT
+,	PUNCT
+the	DET
+year	NOUN
+2003	NUM
+has	AUX
+been	AUX
+bad	ADJ
+news	NOUN
+for	ADP
+plants	NOUN
+and	CCONJ
+non-human	ADJ
+animals	NOUN
+,	PUNCT
+with	SCONJ
+many	ADJ
+species	NOUN
+now	ADV
+closer	ADJ
+to	ADP
+extinction	NOUN
+than	ADP
+ever	ADV
+before	ADV
+.	PUNCT
+
+s	PROPN
+
+Animal	PROPN
+News	PROPN
+Center	PROPN
+Webmaster	NOUN
+
+Just	ADV
+to	PART
+let	VERB
+you	PRON
+all	DET
+know	VERB
+Matt	PROPN
+has	AUX
+confirmed	VERB
+the	DET
+booking	NOUN
+for	ADP
+3rd	NOUN
+Dec	PROPN
+i	X
+s	AUX
+OK	ADJ
+.	PUNCT
+
+He	PRON
+has	AUX
+also	ADV
+had	VERB
+to	PART
+pay	VERB
+the	DET
+£	SYM
+15	NUM
+each	DET
+up	ADV
+front	ADV
+so	ADV
+woul	X
+d	AUX
+be	AUX
+grateful	ADJ
+if	SCONJ
+you	PRON
+could	AUX
+get	VERB
+the	DET
+cash	NOUN
+to	ADP
+him	PRON
+as	ADV
+soon	ADV
+as	SCONJ
+poss	X
+ible	ADJ
+.	PUNCT
+
+Thanks	NOUN
+
+See	VERB
+you	PRON
+climbing	VERB
+later	ADV
+
+Lizzie	PROPN
+
+I	PRON
+apologize	VERB
+for	ADP
+the	DET
+following	VERB
+inconvenience	NOUN
+,	PUNCT
+but	CCONJ
+I	PRON
+have	AUX
+decided	VERB
+to	PART
+move	VERB
+this	DET
+group	NOUN
+to	ADP
+Yahoo	PROPN
+,	PUNCT
+so	SCONJ
+that	SCONJ
+we	PRON
+can	AUX
+post	VERB
+files	NOUN
+and	CCONJ
+photos	NOUN
+and	CCONJ
+other	ADJ
+useful	ADJ
+things	NOUN
+.	PUNCT
+
+So	ADV
+please	INTJ
+update	VERB
+whatever	PRON
+you	PRON
+need	VERB
+to	PART
+and	CCONJ
+go	VERB
+to	ADP
+
+Again	ADV
+I	PRON
+apologize	VERB
+,	PUNCT
+but	CCONJ
+it	PRON
+'ll	AUX
+be	AUX
+better	ADJ
+over	ADV
+there	ADV
+.	PUNCT
+
+R.	PROPN
+E.	PROPN
+Glenn	PROPN
+
+Email	NOUN
+:	PUNCT
+franz371...@gmail.com	X
+
+lol	INTJ
+,	PUNCT
+last	ADJ
+news	NOUN
+message	NOUN
+came	VERB
+out	ADV
+kinda	ADV
+weird	ADJ
+,	PUNCT
+i	PRON
+was	AUX
+trying	VERB
+to	PART
+browse	VERB
+the	DET
+japanese	ADJ
+website	NOUN
+while	SCONJ
+i	PRON
+changed	VERB
+the	DET
+text	NOUN
+i	PRON
+was	AUX
+supposed	VERB
+to	PART
+put	VERB
+up	ADV
+but	CCONJ
+i	PRON
+ran	VERB
+out	ADP
+of	ADP
+time	NOUN
+so	ADV
+there	PRON
+are	VERB
+no	DET
+real	ADJ
+pictures	NOUN
+yet	ADV
+...	PUNCT
+but	CCONJ
+i	PRON
+'ll	AUX
+add	VERB
+the	DET
+links	NOUN
+soon	ADV
+sry	INTJ
+.	PUNCT
+
+Reply	VERB
+
+Dan	PROPN
+I	PRON
+for	ADP
+one	NUM
+was	AUX
+very	ADV
+happy	ADJ
+to	PART
+hear	VERB
+about	SCONJ
+your	PRON
+quitting	VERB
+smoking	NOUN
+.	PUNCT
+
+I	PRON
+'ve	AUX
+never	ADV
+been	AUX
+a	DET
+smoker	NOUN
+&	CCONJ
+am	AUX
+a	DET
+very	ADV
+strong	ADJ
+anti-smoker	NOUN
+,	PUNCT
+but	CCONJ
+I	PRON
+'m	AUX
+an	DET
+over-eater	NOUN
+&	CCONJ
+so	ADV
+I	PRON
+know	VERB
+how	ADV
+hard	ADJ
+it	PRON
+is	AUX
+to	PART
+change	VERB
+a	DET
+habit	NOUN
+.	PUNCT
+
+Good	ADJ
+luck	NOUN
+w/	ADP
+it	PRON
+&	CCONJ
+will	AUX
+pray	VERB
+for	SCONJ
+you	PRON
+to	PART
+have	VERB
+the	DET
+willpower	NOUN
+to	PART
+be	AUX
+smoke	NOUN
+-	PUNCT
+free	ADJ
+:)	SYM
+
+Email	NOUN
+:	PUNCT
+"	PUNCT
+Ryan	PROPN
+Reynolds	PROPN
+"	PUNCT
+<	PUNCT
+rreynol...@cogeco.ca	X
+>	PUNCT
+
+Groups	NOUN
+:	PUNCT
+alt.animals.breeders.rabbits	NOUN
+
+I	PRON
+would	AUX
+like	VERB
+to	PART
+invite	VERB
+you	PRON
+to	PART
+come	VERB
+to	ADP
+a	DET
+site	NOUN
+where	ADV
+you	PRON
+can	AUX
+hear	VERB
+talking	VERB
+parakeets	NOUN
+that	PRON
+are	AUX
+not	PART
+just	ADV
+mimicking	VERB
+,	PUNCT
+but	CCONJ
+actually	ADV
+talking	VERB
+in	ADP
+sophisticated	ADJ
+conversational	ADJ
+language	NOUN
+.	PUNCT
+
+This	PRON
+is	AUX
+a	DET
+major	ADJ
+breakthrough	NOUN
+in	ADP
+the	DET
+animal	NOUN
+intelligence	NOUN
+field	NOUN
+and	CCONJ
+a	DET
+must	NOUN
+see	NOUN
+/	PUNCT
+hear	NOUN
+for	ADP
+every	DET
+animal	NOUN
+intelligence	NOUN
+enthusiast	NOUN
+.	PUNCT
+
+http://www.budgieresearch.com	X
+
+Email	NOUN
+:	PUNCT
+franz371...@gmail.com	X
+
+November	PROPN
+22th	NOUN
+2005	NUM
+
+I	PRON
+got	VERB
+these	DET
+pictures	NOUN
+from	ADP
+tgs	PROPN
+,	PUNCT
+look	VERB
+at	ADP
+all	DET
+of	ADP
+them	PRON
+if	SCONJ
+you	PRON
+have	VERB
+time	NOUN
+,	PUNCT
+they	PRON
+'re	AUX
+preety	ADV
+cool	ADJ
+...	PUNCT
+
+http://www.4gamer.net/news/image/2005.09/20050920111900_21big.html	X
+
+http://www.4gamer.net/news/image/2005.09/20050919032951_21big.html	X
+
+http://www.4gamer.net/news/image/2005.09/20050919032951_32big.html	X
+
+http://www.4gamer.net/news/image/2005.09/20050919032951_39big.html	X
+
+http://www.4gamer.net/news/image/2005.09/20050919032951_42big.html	X
+
+http://www.4gamer.net/news/image/2005.09/20050919032951_41big.html	X
+
+http://www.4gamer.net/news/image/2005.09/20050919032951_40big.html	X
+
+http://www.4gamer.net/news/image/2005.09/20050917034321_15big.html	X
+
+http://www.4gamer.net/news/image/2005.09/20050917034321_2big.html	X
+
+http://www.4gamer.net/news/image/2005.09/20050909152208_14big.html	X
+
+http://www.4gamer.net/news/image/2005.09/20050917024918_1big.html	X
+
+btw	INTJ
+,	PUNCT
+they	PRON
+'re	AUX
+all	ADV
+from	ADP
+4gamer	PROPN
+.	PUNCT
+
+Reply	VERB
+
+Email	NOUN
+:	PUNCT
+"	PUNCT
+Sean	PROPN
+Figaro	PROPN
+"	PUNCT
+<	PUNCT
+sfig...@houston.rr.com	X
+>	PUNCT
+
+Groups	NOUN
+:	PUNCT
+alt.animals.cat	NOUN
+
+I	PRON
+have	VERB
+a	DET
+friend	NOUN
+that	PRON
+has	VERB
+to	PART
+get	VERB
+rid	ADJ
+of	ADP
+one	NUM
+of	ADP
+her	PRON
+cats	NOUN
+because	ADP
+of	ADP
+allergies	NOUN
+,	PUNCT
+he	PRON
+is	AUX
+the	DET
+youngest	ADJ
+at	ADP
+3	NUM
+years	NOUN
+old	ADJ
+black	ADJ
+,	PUNCT
+long	ADJ
+hair	NOUN
+,	PUNCT
+incredibly	ADV
+friendly	ADJ
+.	PUNCT
+
+He	PRON
+comes	VERB
+with	ADP
+everything	PRON
+,	PUNCT
+litter	NOUN
+box	NOUN
+,	PUNCT
+carrier	NOUN
+,	PUNCT
+ect	X
+.	PUNCT
+
+Needs	VERB
+good	ADJ
+family	NOUN
+in	ADP
+Houston	PROPN
+or	CCONJ
+surronding	VERB
+area	NOUN
+,	PUNCT
+needs	VERB
+lots	NOUN
+of	ADP
+attention	NOUN
+,	PUNCT
+very	ADV
+loving	ADJ
+.	PUNCT
+
+Email	NOUN
+:	PUNCT
+"	PUNCT
+Julie	PROPN
+"	PUNCT
+<	PUNCT
+julie...@bellsouth.net	X
+>	PUNCT
+
+Groups	NOUN
+:	PUNCT
+alt.animals.cat	NOUN
+
+Like	SCONJ
+you	PRON
+said	VERB
+"	PUNCT
+the	DET
+kids	NOUN
+egg	VERB
+him	PRON
+on	ADP
+"	PUNCT
+.	PUNCT
+
+maybe	ADV
+too	ADV
+much	ADV
+.	PUNCT
+
+Sounds	VERB
+like	SCONJ
+your	PRON
+cat	NOUN
+is	AUX
+stressed	VERB
+out	ADP
+.	PUNCT
+
+Maybe	ADV
+he	PRON
+does	AUX
+n't	PART
+want	VERB
+to	PART
+play	VERB
+when	ADV
+they	PRON
+want	VERB
+to	PART
+..	PUNCT
+
+He	PRON
+did	AUX
+n't	PART
+take	VERB
+a	DET
+dislike	NOUN
+to	ADP
+the	DET
+kids	NOUN
+for	ADP
+"	PUNCT
+no	DET
+"	PUNCT
+reason	NOUN
+!	PUNCT
+
+cats	NOUN
+react	VERB
+to	ADP
+the	DET
+treatment	NOUN
+they	PRON
+receive	VERB
+,	PUNCT
+they	PRON
+are	AUX
+not	PART
+toys	NOUN
+.	PUNCT
+
+maybe	ADV
+the	DET
+cat	NOUN
+needs	VERB
+a	DET
+"	PUNCT
+new	ADJ
+'	PUNCT
+home	NOUN
+.........	PUNCT
+
+Julie	PROPN
+
+I	PRON
+am	AUX
+looking	VERB
+for	ADP
+people	NOUN
+who	PRON
+would	AUX
+like	VERB
+to	PART
+play	VERB
+D	PROPN
+&	CCONJ
+D	PROPN
+3.5	NUM
+and	CCONJ
+live	VERB
+in	ADP
+or	CCONJ
+around	ADP
+the	DET
+Chillicothe	PROPN
+,	PUNCT
+OH	PROPN
+area	NOUN
+.	PUNCT
+
+We	PRON
+have	VERB
+two	NUM
+people	NOUN
+so	ADV
+far	ADV
+,	PUNCT
+and	CCONJ
+I	PRON
+am	AUX
+able	ADJ
+to	PART
+DM	VERB
+...	PUNCT
+although	SCONJ
+DM's	NOUN
+are	AUX
+welcome	ADJ
+.	PUNCT
+
+The	DET
+games	NOUN
+will	AUX
+have	VERB
+to	PART
+take	VERB
+place	NOUN
+on	ADP
+Fri	PROPN
+,	PUNCT
+Sat	PROPN
+,	PUNCT
+or	CCONJ
+Sun	PROPN
+.	PUNCT
+
+Please	INTJ
+let	VERB
+me	PRON
+know	VERB
+if	SCONJ
+this	PRON
+sounds	VERB
+good	ADJ
+,	PUNCT
+and	CCONJ
+if	SCONJ
+you	PRON
+have	VERB
+any	DET
+question	NOUN
+,	PUNCT
+please	INTJ
+ask	VERB
+.	PUNCT
+
+Thank	VERB
+you	PRON
+very	ADV
+much	ADV
+and	CCONJ
+we	PRON
+hope	VERB
+to	PART
+hear	VERB
+from	ADP
+you	PRON
+soon	ADV
+!	PUNCT
+
+Email	NOUN
+:	PUNCT
+BBC	PROPN
+Breaking	PROPN
+News	PROPN
+Alert	PROPN
+<	PUNCT
+dailyem...@ebs.bbc.co.uk	X
+>	PUNCT
+
+The	DET
+former	ADJ
+Iraqi	ADJ
+leader	NOUN
+Saddam	PROPN
+Hussein	PROPN
+is	AUX
+refusing	VERB
+to	PART
+enter	VERB
+the	DET
+Baghdad	PROPN
+courtroom	NOUN
+,	PUNCT
+in	ADP
+protest	NOUN
+at	SCONJ
+how	ADV
+his	PRON
+trial	NOUN
+is	AUX
+being	AUX
+conducted	VERB
+.	PUNCT
+
+For	ADP
+more	ADJ
+details	NOUN
+:	PUNCT
+http://www.bbc.co.uk/news	X
+
+------------------------------------------------	PUNCT
+
+This	DET
+e-mail	NOUN
+is	AUX
+never	ADV
+sent	VERB
+unsolicited	ADJ
+.	PUNCT
+
+You	PRON
+have	AUX
+received	VERB
+this	DET
+BBC	PROPN
+Breaking	PROPN
+News	PROPN
+Alert	PROPN
+because	SCONJ
+you	PRON
+subscribed	VERB
+to	ADP
+it	PRON
+or	CCONJ
+,	PUNCT
+someone	PRON
+forwarded	VERB
+it	PRON
+to	ADP
+you	PRON
+.	PUNCT
+
+To	PART
+unsubscribe	VERB
+(	PUNCT
+or	CCONJ
+subscribe	VERB
+if	SCONJ
+this	DET
+message	NOUN
+was	AUX
+forwarded	VERB
+to	ADP
+you	PRON
+)	PUNCT
+go	VERB
+to	ADP
+:	PUNCT
+http://www.bbc.co.uk/email	X
+
+[	PUNCT
+http://www.usatoday.com/tech/science/space/2005-03-09-nasa-search_x.htm?csp=34	X
+]	PUNCT
+
+While	SCONJ
+there	PRON
+have	AUX
+been	VERB
+spasms	NOUN
+of	ADP
+speculation	NOUN
+about	SCONJ
+the	DET
+Bush	PROPN
+administration	NOUN
+naming	VERB
+a	DET
+replacement	NOUN
+for	ADP
+O'Keefe	PROPN
+,	PUNCT
+no	DET
+nominee	NOUN
+has	AUX
+been	AUX
+declared	VERB
+.	PUNCT
+
+Shuttle	NOUN
+veteran	NOUN
+and	CCONJ
+longtime	ADV
+NASA	PROPN
+executive	NOUN
+Fred	PROPN
+Gregory	PROPN
+is	AUX
+temporarily	ADV
+at	ADP
+the	DET
+helm	NOUN
+of	ADP
+the	DET
+18,000	NUM
+-	PUNCT
+person	NOUN
+agency	NOUN
+.	PUNCT
+
+It	PRON
+looks	VERB
+like	SCONJ
+the	DET
+future	NOUN
+of	ADP
+space	NOUN
+exploration	NOUN
+might	AUX
+as	ADV
+well	ADV
+be	AUX
+with	ADP
+the	DET
+space	NOUN
+tourists	NOUN
+.	PUNCT
+
+Very	ADV
+sad	ADJ
+too	ADV
+since	SCONJ
+NASA	PROPN
+'s	PART
+astronaut's	NOUN
+may	AUX
+not	PART
+fly	VERB
+in	ADP
+the	DET
+next	ADJ
+five	NUM
+years	NOUN
+.	PUNCT
+
+--	PUNCT
+
+Posted	VERB
+by	ADP
+Hidden	PROPN
+Nook	PROPN
+to	ADP
+Hidden	PROPN
+Nook	PROPN
+at	ADP
+3/9/2005	NUM
+11:16:00	NUM
+PM	NOUN
+
+Hello	INTJ
+dear	ADJ
+list	NOUN
+members	NOUN
+,	PUNCT
+
+The	DET
+multiple	ADJ
+planetary	ADJ
+afflictions	NOUN
+are	AUX
+taking	VERB
+their	PRON
+toll	NOUN
+.	PUNCT
+
+Currently	ADV
+,	PUNCT
+Mercury	PROPN
+and	CCONJ
+Venus	PROPN
+is	AUX
+conjunct	ADJ
+and	CCONJ
+the	DET
+conjunction	NOUN
+is	AUX
+being	AUX
+closely	ADV
+aspected	VERB
+by	ADP
+Rahu	PROPN
+.	PUNCT
+
+In	ADP
+Pakistan	PROPN
+national	ADJ
+chart	NOUN
+besides	ADP
+the	DET
+transit	NOUN
+affliction	NOUN
+to	ADP
+transit	ADJ
+Venus	PROPN
+in	ADP
+the	DET
+fourth	ADJ
+house	NOUN
+by	ADP
+FMs	NOUN
+Rahu	PROPN
+and	CCONJ
+Mercury	PROPN
+,	PUNCT
+natal	ADJ
+Saturn	PROPN
+and	CCONJ
+Venus	PROPN
+are	AUX
+also	ADV
+under	ADP
+the	DET
+close	ADJ
+affliction	NOUN
+of	ADP
+transit	ADJ
+Rahu	PROPN
+.	PUNCT
+
+This	PRON
+has	AUX
+resulted	VERB
+in	ADP
+a	DET
+major	ADJ
+rail	NOUN
+accident	NOUN
+in	ADP
+Pakistan	PROPN
+involving	VERB
+three	NUM
+trains	NOUN
+and	CCONJ
+involving	VERB
+more	ADJ
+than	ADP
+300	NUM
+deaths	NOUN
+.	PUNCT
+
+In	ADP
+Indian	ADJ
+national	ADJ
+chart	NOUN
+besides	ADP
+the	DET
+transit	NOUN
+affliction	NOUN
+to	ADP
+transit	ADJ
+Mercury	PROPN
+by	ADP
+Rahu	PROPN
+and	CCONJ
+Venus	PROPN
+the	DET
+natal	ADJ
+Saturn	PROPN
+and	CCONJ
+Venus	PROPN
+are	AUX
+also	ADV
+under	ADP
+the	DET
+transit	NOUN
+affliction	NOUN
+of	ADP
+Rahu	PROPN
+which	PRON
+has	AUX
+resulted	VERB
+into	ADP
+floods	NOUN
+in	ADP
+many	ADJ
+parts	NOUN
+of	ADP
+the	DET
+country	NOUN
+taking	VERB
+toll	NOUN
+of	ADP
+human	ADJ
+lives	NOUN
+,	PUNCT
+properties	NOUN
+,	PUNCT
+etc	X
+.	PUNCT
+
+V	PROPN
+K	PROPN
+Choudhry	PROPN
+
+Email	NOUN
+:	PUNCT
+"	PUNCT
+The	DET
+Cat	PROPN
+Album	PROPN
+"	PUNCT
+<	PUNCT
+thecatal...@hotmail.com	X
+>	PUNCT
+
+Groups	NOUN
+:	PUNCT
+alt.animals.cat	NOUN
+
+-	PUNCT
+U	X
+P	X
+D	X
+A	X
+T	X
+E	X
+D	VERB
+-	PUNCT
+
+-	PUNCT
+Page	NOUN
+71	NUM
+,	PUNCT
+72	NUM
+and	CCONJ
+73	NUM
+with	ADP
+48	NUM
+new	ADJ
+pictures	NOUN
+of	ADP
+cats	NOUN
+and	CCONJ
+kittens	NOUN
+are	AUX
+added	VERB
+to	ADP
+The	DET
+Cat	PROPN
+Album	PROPN
+today	NOUN
+.	PUNCT
+
+Take	VERB
+a	DET
+look	NOUN
+!!!	PUNCT
+
+Now	ADV
+more	ADJ
+than	ADP
+1100	NUM
+pictures	NOUN
+.	PUNCT
+
+www.thecatalbum.com	X
+
+If	SCONJ
+you	PRON
+are	AUX
+new	ADJ
+to	ADP
+"	PUNCT
+The	DET
+Cat	PROPN
+Album	PROPN
+"	PUNCT
+I	PRON
+can	AUX
+tell	VERB
+you	PRON
+that	SCONJ
+you	PRON
+'ll	AUX
+find	VERB
+more	ADJ
+than	ADP
+1100	NUM
+pictures	NOUN
+of	ADP
+cute	ADJ
+cats	NOUN
+at	ADP
+this	DET
+site	NOUN
+.	PUNCT
+
+Most	ADJ
+of	ADP
+them	PRON
+are	AUX
+of	ADP
+high	ADJ
+quality	NOUN
+.	PUNCT
+
+You	PRON
+'ll	AUX
+also	ADV
+find	VERB
+some	DET
+stories	NOUN
+.	PUNCT
+
+The	DET
+idea	NOUN
+about	ADP
+this	DET
+site	NOUN
+is	VERB
+that	SCONJ
+the	DET
+visitors	NOUN
+can	AUX
+send	VERB
+in	ADV
+their	PRON
+own	ADJ
+pictures	NOUN
+and	CCONJ
+get	VERB
+them	PRON
+added	VERB
+to	ADP
+the	DET
+album	NOUN
+.	PUNCT
+
+That	DET
+way	NOUN
+we	PRON
+'ll	AUX
+all	ADV
+be	AUX
+part	NOUN
+of	SCONJ
+building	VERB
+a	DET
+huge	ADJ
+archive	NOUN
+of	ADP
+cat	NOUN
+pictures	NOUN
+.	PUNCT
+
+And	CCONJ
+if	SCONJ
+you	PRON
+send	VERB
+me	PRON
+a	DET
+story	NOUN
+,	PUNCT
+that	PRON
+would	AUX
+be	AUX
+great	ADJ
+to	ADV
+!	PUNCT
+
+Please	INTJ
+join	VERB
+our	PRON
+growing	VERB
+family	NOUN
+!!!!	PUNCT
+:-)	SYM
+
+http://www.thecatalbum.com	X
+
+purrs	NOUN
+
+Runar	PROPN
+
+Email	NOUN
+:	PUNCT
+"	PUNCT
+Andre	PROPN
+"	PUNCT
+<	PUNCT
+webmas...@globelingerie.com	X
+>	PUNCT
+
+Heh	INTJ
+,	PUNCT
+yep	INTJ
+,	PUNCT
+I	PRON
+like	VERB
+to	PART
+wear	VERB
+silk	NOUN
+chemises	NOUN
+,	PUNCT
+panties	NOUN
+even	ADV
+stockings	NOUN
+with	ADP
+garter	NOUN
+belt	NOUN
+.	PUNCT
+
+I	PRON
+feel	VERB
+great	ADJ
+in	ADP
+it	PRON
+.	PUNCT
+
+First	ADJ
+time	NOUN
+I	PRON
+started	VERB
+wearing	VERB
+woman	NOUN
+'s	PART
+lingerie	NOUN
+I	PRON
+was	AUX
+very	ADV
+young	ADJ
+.	PUNCT
+
+I	PRON
+did	AUX
+n't	PART
+fought	VERB
+is	AUX
+it	PRON
+good	ADJ
+or	CCONJ
+not	PART
+than	ADV
+.	PUNCT
+
+Later	ADV
+on	ADV
+I	PRON
+red	VERB
+somewhere	ADV
+that	SCONJ
+it	PRON
+'s	AUX
+seakness	NOUN
+.	PUNCT
+
+I	PRON
+was	AUX
+ashamed	ADJ
+to	PART
+be	AUX
+in	ADP
+friendship	NOUN
+with	ADP
+girls	NOUN
+...	PUNCT
+until	SCONJ
+I	PRON
+undrstood	VERB
+that	SCONJ
+it	PRON
+'s	AUX
+not	PART
+seakness	NOUN
+as	ADV
+well	ADV
+as	ADP
+women	NOUN
+wearing	VERB
+men	NOUN
+'s	PART
+pants	NOUN
+is	AUX
+n't	PART
+seak	ADJ
+:)	SYM
+
+Now	ADV
+I	PRON
+have	VERB
+wife	NOUN
+and	CCONJ
+son	NOUN
+.	PUNCT
+
+My	PRON
+wife	NOUN
+know	VERB
+my	PRON
+harmless	ADJ
+secret	NOUN
+and	CCONJ
+supports	VERB
+me	PRON
+.	PUNCT
+
+So	ADV
+,	PUNCT
+I	PRON
+'m	AUX
+Men	NOUN
+and	CCONJ
+love	VERB
+to	PART
+wear	VERB
+women	NOUN
+'s	PART
+lingerie	NOUN
+:-)	SYM
+.	PUNCT
+
+http://lingerie.selectedsex.com	X
+
+Email	NOUN
+:	PUNCT
+"	PUNCT
+TJO	PROPN
+"	PUNCT
+<	PUNCT
+ded69...@hotmail.com	X
+>	PUNCT
+
+There	PRON
+nothing	PRON
+wrong	ADJ
+with	SCONJ
+men	NOUN
+dressing	VERB
+in	ADP
+lingerie	NOUN
+,	PUNCT
+when	ADV
+I	PRON
+get	VERB
+home	ADV
+at	ADP
+night	NOUN
+the	DET
+first	ADJ
+thing	NOUN
+I	PRON
+do	VERB
+is	VERB
+change	VERB
+into	ADP
+a	DET
+nice	ADJ
+silky	ADJ
+nightgown	NOUN
+or	CCONJ
+nightie	NOUN
+,	PUNCT
+love	VERB
+the	DET
+feel	NOUN
+.	PUNCT
+
+Email	NOUN
+:	PUNCT
+Adelia	PROPN
+Smith	PROPN
+<	PUNCT
+adorabledelia6...@gmail.com	X
+>	PUNCT
+
+Today	NOUN
+'s	PART
+Article	NOUN
+
+Frequent	ADJ
+travelers	NOUN
+and	CCONJ
+executives	NOUN
+are	AUX
+among	ADP
+the	DET
+masses	NOUN
+that	PRON
+get	VERB
+a	DET
+lot	NOUN
+of	ADP
+discount	NOUN
+in	ADP
+the	DET
+airfare	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+easy	ADJ
+to	PART
+get	VERB
+discount	ADJ
+airfare	NOUN
+for	ADP
+them	PRON
+since	SCONJ
+they	PRON
+travel	VERB
+very	ADV
+frequently	ADV
+.	PUNCT
+
+Cheap	ADJ
+air	NOUN
+tickets	NOUN
+for	ADP
+Corporate	NOUN
+
+Some	DET
+of	ADP
+the	DET
+corporate	NOUN
+also	ADV
+get	VERB
+cheap	ADJ
+air	NOUN
+tickets	NOUN
+because	SCONJ
+they	PRON
+tie	VERB
+up	ADP
+with	ADP
+some	DET
+of	ADP
+the	DET
+airlines	NOUN
+for	ADP
+a	DET
+certain	ADJ
+period	NOUN
+based	VERB
+on	ADP
+the	DET
+discount	NOUN
+and	CCONJ
+services	NOUN
+they	PRON
+get	VERB
+from	ADP
+the	DET
+airlines	NOUN
+.	PUNCT
+
+Corporate	ADJ
+plans	NOUN
+are	AUX
+clubbed	VERB
+with	ADP
+other	ADJ
+services	NOUN
+through	ADP
+some	DET
+agencies	NOUN
+to	PART
+provide	VERB
+better	ADJ
+service	NOUN
+for	ADP
+their	PRON
+staff	NOUN
+.	PUNCT
+
+Promotional	ADJ
+discount	ADJ
+airfare	NOUN
+
+Some	DET
+countries	NOUN
+like	ADP
+Malaysia	PROPN
+and	CCONJ
+Singapore	PROPN
+promote	VERB
+trading	NOUN
+for	ADP
+foreign	ADJ
+visitors	NOUN
+during	ADP
+some	DET
+part	NOUN
+of	ADP
+the	DET
+year	NOUN
+.	PUNCT
+
+During	ADP
+this	DET
+period	NOUN
+,	PUNCT
+they	PRON
+offer	VERB
+cheap	ADJ
+air	NOUN
+tickets	NOUN
+to	ADP
+their	PRON
+country	NOUN
+on	ADP
+certain	ADJ
+flights	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+can	AUX
+check	VERB
+with	ADP
+the	DET
+other	ADJ
+airlines	NOUN
+during	ADP
+this	DET
+period	NOUN
+,	PUNCT
+you	PRON
+may	AUX
+get	VERB
+excellent	ADJ
+discount	ADJ
+airfare	NOUN
+,	PUNCT
+which	PRON
+may	AUX
+even	ADV
+surprise	VERB
+you	PRON
+.	PUNCT
+
+COMPLETE	ADJ
+ARTICLE	NOUN
+AT	ADP
+:	PUNCT
+http://discountairlineticket.blogspot.com/2005/10/some-techniques-to-...	X
+
+Several	ADJ
+years	NOUN
+ago	ADV
+I	PRON
+developed	VERB
+a	DET
+short	ADJ
+paper	NOUN
+and	CCONJ
+pencil	NOUN
+screening	NOUN
+test	NOUN
+which	PRON
+,	PUNCT
+in	ADP
+a	DET
+small	ADJ
+pilot	NOUN
+study	NOUN
+,	PUNCT
+discriminated	VERB
+between	ADP
+ADHD	NOUN
+,	PUNCT
+LD	NOUN
+,	PUNCT
+and	CCONJ
+control	NOUN
+subjects	NOUN
+.	PUNCT
+
+I	PRON
+recently	ADV
+converted	VERB
+this	DET
+test	NOUN
+to	ADP
+an	DET
+online	ADJ
+test	NOUN
+in	ADP
+order	NOUN
+to	PART
+norm	VERB
+it	PRON
+to	ADP
+a	DET
+larger	ADJ
+population	NOUN
+and	CCONJ
+,	PUNCT
+subsequently	ADV
+,	PUNCT
+to	PART
+make	VERB
+it	PRON
+available	ADJ
+to	ADP
+any	X
+one	NOUN
+who	PRON
+has	VERB
+access	NOUN
+to	ADP
+a	DET
+computer	NOUN
+and	CCONJ
+the	DET
+Internet	NOUN
+.	PUNCT
+
+The	DET
+test	NOUN
+itself	PRON
+is	AUX
+what	PRON
+is	AUX
+called	VERB
+a	DET
+substitution	NOUN
+test	NOUN
+.	PUNCT
+
+It	PRON
+has	VERB
+two	NUM
+parts	NOUN
+,	PUNCT
+both	DET
+of	ADP
+which	PRON
+are	AUX
+timed	VERB
+for	ADP
+90	NUM
+seconds	NOUN
+each	DET
+and	CCONJ
+the	DET
+differential	NOUN
+between	ADP
+the	DET
+resulting	VERB
+two	NUM
+scores	NOUN
+determines	VERB
+the	DET
+likelihood	NOUN
+of	SCONJ
+having	VERB
+a	DET
+learning	NOUN
+disability	NOUN
+or	CCONJ
+attention	NOUN
+deficit	NOUN
+disorder	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+in	ADP
+need	NOUN
+of	ADP
+test	NOUN
+subjects	NOUN
+and	CCONJ
+hope	VERB
+you	PRON
+will	AUX
+take	VERB
+it	PRON
+.	PUNCT
+
+The	DET
+test	NOUN
+,	PUNCT
+along	ADP
+with	ADP
+an	DET
+information	NOUN
+form	NOUN
+,	PUNCT
+is	AUX
+available	ADJ
+at	ADP
+:	PUNCT
+.	PUNCT
+
+I	PRON
+think	VERB
+a	DET
+test	NOUN
+like	ADP
+this	DET
+one	NOUN
+is	AUX
+much	ADV
+needed	VERB
+.	PUNCT
+
+A	DET
+person	NOUN
+can	AUX
+take	VERB
+it	PRON
+directly	ADV
+instead	ADV
+of	SCONJ
+others	NOUN
+completing	VERB
+behavioral	ADJ
+checklists	NOUN
+or	CCONJ
+a	DET
+completing	VERB
+a	DET
+lengthy	ADJ
+program	NOUN
+intensive	ADJ
+test	NOUN
+like	ADP
+TOVA	PROPN
+.	PUNCT
+
+Perhaps	ADV
+you	PRON
+are	AUX
+willing	ADJ
+to	PART
+recommend	VERB
+this	DET
+site	NOUN
+and	CCONJ
+,	PUNCT
+if	SCONJ
+you	PRON
+have	VERB
+a	DET
+website	NOUN
+,	PUNCT
+place	VERB
+a	DET
+link	NOUN
+on	ADP
+your	PRON
+website	NOUN
+.	PUNCT
+
+are	VERB
+there	PRON
+any	DET
+sadists	NOUN
+out	ADV
+there	ADV
+who	PRON
+share	VERB
+the	DET
+same	ADJ
+tastes	NOUN
+as	SCONJ
+i	PRON
+do	VERB
+?	PUNCT
+
+i	PRON
+do	AUX
+nt	PART
+know	VERB
+what	PRON
+it	PRON
+is	AUX
+,	PUNCT
+but	CCONJ
+since	ADP
+a	DET
+very	ADV
+young	ADJ
+age	NOUN
+i	PRON
+have	AUX
+had	VERB
+a	DET
+strange	ADJ
+but	CCONJ
+very	ADV
+gratifying	ADJ
+urge	NOUN
+to	PART
+torture	VERB
+or	CCONJ
+maime	VERB
+animals	NOUN
+.	PUNCT
+
+i	PRON
+am	AUX
+deadly	ADV
+serious	ADJ
+,	PUNCT
+i	PRON
+really	ADV
+do	AUX
+get	VERB
+sexual	ADJ
+releif	NOUN
+from	SCONJ
+even	ADV
+hearing	VERB
+of	ADP
+torture	NOUN
+of	ADP
+animals	NOUN
+,	PUNCT
+now	ADV
+some	DET
+people	NOUN
+may	AUX
+call	VERB
+me	PRON
+a	DET
+brute	NOUN
+or	CCONJ
+a	DET
+coward	NOUN
+but	CCONJ
+i	PRON
+ca	AUX
+nt	PART
+help	VERB
+my	PRON
+true	ADJ
+feelings	NOUN
+.	PUNCT
+
+badger	NOUN
+baiting	NOUN
+is	AUX
+natrually	ADV
+a	DET
+huge	ADJ
+turn	NOUN
+on	NOUN
+,	PUNCT
+so	ADV
+i	PRON
+thought	VERB
+a	DET
+few	ADJ
+words	NOUN
+in	ADP
+this	DET
+group	NOUN
+might	AUX
+uncover	VERB
+some	DET
+mutual	ADJ
+enthusiasts	NOUN
+.	PUNCT
+
+sincere	ADJ
+appologies	NOUN
+to	ADP
+anyone	PRON
+who	PRON
+is	AUX
+offended	VERB
+by	ADP
+my	PRON
+request	NOUN
+but	CCONJ
+my	PRON
+request	NOUN
+is	AUX
+genuine	ADJ
+.	PUNCT
+
+----==	SYM
+Posted	VERB
+via	ADP
+Newsfeed.Com	X
+-	PUNCT
+Unlimited	ADJ
+-	PUNCT
+Uncensored	ADJ
+-	PUNCT
+Secure	ADJ
+Usenet	NOUN
+News	NOUN
+==----	SYM
+
+The	DET
+#	NOUN
+1	NUM
+Newsgroup	NOUN
+Service	NOUN
+in	ADP
+the	DET
+World	NOUN
+!	PUNCT
+
+>	SYM
+100,000	NUM
+Newsgroups	NOUN
+
+---=	SYM
+19	NUM
+East	ADJ
+/	PUNCT
+West	ADJ
+-	PUNCT
+Coast	NOUN
+Specialized	ADJ
+Servers	NOUN
+-	PUNCT
+Total	ADJ
+Privacy	NOUN
+via	ADP
+Encryption	NOUN
+=---	SYM
+
+----==	SYM
+Posted	VERB
+via	ADP
+Newsfeed.Com	X
+-	PUNCT
+Unlimited	ADJ
+-	PUNCT
+Uncensored	ADJ
+-	PUNCT
+Secure	ADJ
+Usenet	NOUN
+News	NOUN
+==----	SYM
+
+The	DET
+#	NOUN
+1	NUM
+Newsgroup	NOUN
+Service	NOUN
+in	ADP
+the	DET
+World	NOUN
+!	PUNCT
+
+>	SYM
+100,000	NUM
+Newsgroups	NOUN
+
+---=	SYM
+19	NUM
+East	ADJ
+/	PUNCT
+West	ADJ
+-	PUNCT
+Coast	NOUN
+Specialized	ADJ
+Servers	NOUN
+-	PUNCT
+Total	ADJ
+Privacy	NOUN
+via	ADP
+Encryption	NOUN
+=---	SYM
+
+Greetings	INTJ
+.	PUNCT
+
+My	PRON
+name	NOUN
+is	AUX
+Bill	PROPN
+Gottlieb	PROPN
+:	PUNCT
+
+I	PRON
+'m	AUX
+a	DET
+freelance	ADJ
+journalist	NOUN
+specializing	VERB
+in	ADP
+health	NOUN
+,	PUNCT
+with	ADP
+30	NUM
+years	NOUN
+experience	NOUN
+.	PUNCT
+
+I	PRON
+'m	AUX
+the	DET
+author	NOUN
+of	ADP
+three	NUM
+books	NOUN
+(	PUNCT
+including	VERB
+the	DET
+1.3	NUM
+million	NUM
+seller	NOUN
+ALTERNATIVE	PROPN
+CURES	PROPN
+)	PUNCT
+and	CCONJ
+hundreds	NOUN
+of	ADP
+magazine	NOUN
+articles	NOUN
+,	PUNCT
+and	CCONJ
+worked	VERB
+for	ADP
+20	NUM
+years	NOUN
+at	ADP
+Rodale	PROPN
+Press	PROPN
+,	PUNCT
+as	ADP
+a	DET
+writer	NOUN
+and	CCONJ
+as	ADP
+editor	NOUN
+-	PUNCT
+in	ADP
+-	PUNCT
+chief	ADJ
+of	ADP
+Prevention	PROPN
+and	CCONJ
+Rodale	PROPN
+Books	PROPN
+.	PUNCT
+
+Currently	ADV
+,	PUNCT
+I	PRON
+am	AUX
+writing	VERB
+a	DET
+book	NOUN
+on	ADP
+natural	ADJ
+supplements	NOUN
+to	PART
+aid	VERB
+weight	NOUN
+loss	NOUN
+,	PUNCT
+with	ADP
+Harry	PROPN
+Preuss	PROPN
+,	PUNCT
+MD	NOUN
+,	PUNCT
+a	DET
+Professor	NOUN
+of	ADP
+Medicine	NOUN
+at	ADP
+Georgetown	PROPN
+University	PROPN
+;	PUNCT
+it	PRON
+is	AUX
+scheduled	VERB
+for	ADP
+publication	NOUN
+by	ADP
+Broadway	PROPN
+(	PUNCT
+Random	PROPN
+House	PROPN
+)	PUNCT
+in	ADP
+January	PROPN
+2007	NUM
+.	PUNCT
+
+I	PRON
+am	AUX
+seeking	VERB
+anecdotes	NOUN
+(	PUNCT
+first	ADJ
+name	NOUN
+,	PUNCT
+last	ADJ
+initial	NOUN
+)	PUNCT
+from	ADP
+dieters	NOUN
+who	PRON
+successfully	ADV
+used	VERB
+a	DET
+natural	ADJ
+supplement	NOUN
+to	PART
+assist	VERB
+their	PRON
+weight	NOUN
+loss	NOUN
+;	PUNCT
+the	DET
+therapeutic	ADJ
+agents	NOUN
+under	ADP
+discussion	NOUN
+include	VERB
+HCA	NOUN
+,	PUNCT
+MCT	NOUN
+,	PUNCT
+green	ADJ
+or	CCONJ
+oolong	NOUN
+tea	NOUN
+extract	NOUN
+,	PUNCT
+CLA	NOUN
+,	PUNCT
+chromium	NOUN
+,	PUNCT
+starch	NOUN
+-	PUNCT
+blockers	NOUN
+,	PUNCT
+chitosan	NOUN
+,	PUNCT
+5	NUM
+-	PUNCT
+HTP	NOUN
+,	PUNCT
+hoodia	NOUN
+and	CCONJ
+caralluma	NOUN
+,	PUNCT
+HMB	NOUN
+,	PUNCT
+and	CCONJ
+BCAA	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+'ve	AUX
+successfully	ADV
+used	VERB
+any	DET
+of	ADP
+these	DET
+supplement	NOUN
+to	PART
+aid	VERB
+weight	NOUN
+loss	NOUN
+,	PUNCT
+please	INTJ
+write	VERB
+me	PRON
+at	ADP
+gottlie...@yahoo.com	X
+and	CCONJ
+let	VERB
+me	PRON
+know	VERB
+,	PUNCT
+telling	VERB
+me	PRON
+about	ADP
+your	PRON
+experience	NOUN
+.	PUNCT
+
+Thank	VERB
+you	PRON
+for	ADP
+your	PRON
+time	NOUN
+and	CCONJ
+attention	NOUN
+.	PUNCT
+
+Warm	ADJ
+regards	NOUN
+,	PUNCT
+
+Bill	PROPN
+Gottlieb	PROPN
+
+Once	ADV
+upon	ADP
+a	DET
+time	NOUN
+(	PUNCT
+in	ADP
+2001	NUM
+,	PUNCT
+to	PART
+be	AUX
+specific	ADJ
+)	PUNCT
+,	PUNCT
+the	DET
+Coca	PROPN
+-	PUNCT
+Cola	PROPN
+corporation	NOUN
+built	VERB
+a	DET
+bottling	NOUN
+plant	NOUN
+in	ADP
+a	DET
+small	ADJ
+and	CCONJ
+remote	ADJ
+Indian	ADJ
+village	NOUN
+in	ADP
+the	DET
+state	NOUN
+of	ADP
+Kerala	PROPN
+.	PUNCT
+
+In	ADP
+exchange	NOUN
+for	SCONJ
+sucking	VERB
+vast	ADJ
+amounts	NOUN
+of	ADP
+water	NOUN
+out	ADP
+of	ADP
+the	DET
+local	ADJ
+land	NOUN
+,	PUNCT
+the	DET
+mighty	ADJ
+corporation	NOUN
+promised	VERB
+to	PART
+bring	VERB
+the	DET
+people	NOUN
+great	ADJ
+wealth	NOUN
+.	PUNCT
+
+But	CCONJ
+within	ADP
+a	DET
+few	ADJ
+short	ADJ
+months	NOUN
+,	PUNCT
+the	DET
+village	NOUN
+people	NOUN
+began	VERB
+to	PART
+notice	VERB
+their	PRON
+wells	NOUN
+were	AUX
+running	VERB
+dry	ADJ
+,	PUNCT
+so	ADV
+they	PRON
+complained	VERB
+to	ADP
+the	DET
+corporation	NOUN
+.	PUNCT
+
+Coca	PROPN
+-	PUNCT
+Cola	PROPN
+calmed	VERB
+the	DET
+concerns	NOUN
+of	ADP
+the	DET
+people	NOUN
+and	CCONJ
+attempted	VERB
+to	PART
+win	VERB
+back	ADP
+their	PRON
+favor	NOUN
+by	SCONJ
+giving	VERB
+them	PRON
+vast	ADJ
+amounts	NOUN
+of	ADP
+free	ADJ
+fertilizer	NOUN
+,	PUNCT
+saying	VERB
+it	PRON
+would	AUX
+grow	VERB
+bountiful	ADJ
+crops	NOUN
+beyond	ADP
+their	PRON
+wildest	ADJ
+dreams	NOUN
+.	PUNCT
+
+After	ADP
+several	ADJ
+years	NOUN
+of	ADP
+use	NOUN
+,	PUNCT
+we	PRON
+arrive	VERB
+at	ADP
+the	DET
+present	ADJ
+day	NOUN
+when	ADV
+the	DET
+village	NOUN
+people	NOUN
+have	AUX
+suddenly	ADV
+discovered	VERB
+the	DET
+fertilizer	NOUN
+is	AUX
+actually	ADV
+the	DET
+bottling	NOUN
+plant	NOUN
+'s	PART
+waste	NOUN
+sludge	NOUN
+and	CCONJ
+is	AUX
+laden	ADJ
+with	ADP
+cadmium	NOUN
+,	PUNCT
+a	DET
+highly	ADV
+toxic	ADJ
+,	PUNCT
+cancer	NOUN
+-	PUNCT
+causing	VERB
+heavy	ADJ
+metal	NOUN
+.	PUNCT
+
+The	DET
+village	NOUN
+soil	NOUN
+and	CCONJ
+water	NOUN
+are	AUX
+now	ADV
+too	ADV
+heavily	ADV
+contaminated	VERB
+to	PART
+safely	ADV
+occupy	VERB
+human	ADJ
+life	NOUN
+,	PUNCT
+so	ADV
+the	DET
+plant	NOUN
+was	AUX
+shut	VERB
+down	ADP
+last	ADJ
+week	NOUN
+.	PUNCT
+
+Moral	NOUN
+of	ADP
+the	DET
+story	NOUN
+:	PUNCT
+Do	AUX
+n't	PART
+drink	VERB
+Coke	PROPN
+..........	PUNCT
+drink	VERB
+Pepsi	PROPN
+!	PUNCT
+
+Just	ADV
+kidding	VERB
+,	PUNCT
+Pepsi	PROPN
+is	VERB
+actually	ADV
+in	ADP
+the	DET
+process	NOUN
+of	SCONJ
+being	AUX
+thrown	VERB
+out	ADP
+of	ADP
+India	PROPN
+for	ADP
+similar	ADJ
+crimes	NOUN
+,	PUNCT
+as	ADV
+well	ADV
+.	PUNCT
+
+The	DET
+Greater	PROPN
+New	PROPN
+Orleans	PROPN
+Fair	PROPN
+Housing	PROPN
+Action	PROPN
+Center	PROPN
+(	PUNCT
+GNOFHAC	PROPN
+)	PUNCT
+filed	VERB
+a	DET
+housing	NOUN
+discrimination	NOUN
+complaint	NOUN
+against	ADP
+the	DET
+Housing	PROPN
+Authority	PROPN
+of	ADP
+New	PROPN
+Orleans	PROPN
+(	PUNCT
+HANO	PROPN
+)	PUNCT
+last	ADJ
+week	NOUN
+.	PUNCT
+
+The	DET
+complaint	NOUN
+,	PUNCT
+filed	VERB
+with	ADP
+the	DET
+United	PROPN
+States	PROPN
+Department	PROPN
+of	ADP
+Housing	PROPN
+and	CCONJ
+Urban	PROPN
+Development	PROPN
+,	PUNCT
+accuses	VERB
+HANO	PROPN
+of	SCONJ
+violating	VERB
+a	DET
+2003	NUM
+enforcement	NOUN
+agreement	NOUN
+entered	VERB
+into	ADP
+between	ADP
+former	ADJ
+St.	PROPN
+Thomas	PROPN
+Housing	PROPN
+Development	PROPN
+residents	NOUN
+,	PUNCT
+the	DET
+City	PROPN
+of	ADP
+New	PROPN
+Orleans	PROPN
+,	PUNCT
+HANO	PROPN
+,	PUNCT
+and	CCONJ
+the	DET
+U.S.	PROPN
+Department	PROPN
+of	ADP
+Housing	PROPN
+and	CCONJ
+Urban	PROPN
+Development	PROPN
+during	ADP
+the	DET
+HOPE	PROPN
+VI	PROPN
+redevelopment	NOUN
+of	ADP
+St.	PROPN
+Thomas	PROPN
+,	PUNCT
+now	ADV
+known	VERB
+as	ADP
+River	PROPN
+Garden	PROPN
+.	PUNCT
+
+The	DET
+current	ADJ
+complaints	NOUN
+allege	VERB
+that	SCONJ
+HANO	PROPN
+has	AUX
+not	PART
+provided	VERB
+qualified	ADJ
+former	ADJ
+St.	PROPN
+Thomas	PROPN
+residents	NOUN
+a	DET
+preference	NOUN
+with	ADP
+respect	NOUN
+to	ADP
+available	ADJ
+public	ADJ
+housing	NOUN
+units	NOUN
+at	ADP
+River	PROPN
+Garden	PROPN
+per	ADP
+the	DET
+2003	NUM
+agreement	NOUN
+.	PUNCT
+
+Upon	ADP
+return	NOUN
+to	ADP
+New	PROPN
+Orleans	PROPN
+after	ADP
+the	DET
+Hurricane	PROPN
+Katrina	PROPN
+evacuation	NOUN
+,	PUNCT
+former	ADJ
+residents	NOUN
+have	AUX
+been	AUX
+informed	VERB
+that	SCONJ
+there	PRON
+are	VERB
+no	DET
+available	ADJ
+public	ADJ
+housing	NOUN
+units	NOUN
+at	ADP
+River	PROPN
+Garden	PROPN
+because	SCONJ
+those	DET
+units	NOUN
+have	AUX
+been	AUX
+reserved	VERB
+for	ADP
+HANO	PROPN
+employees	NOUN
+.	PUNCT
+
+Therefore	ADV
+,	PUNCT
+public	ADJ
+housing	NOUN
+residents	NOUN
+have	AUX
+been	AUX
+unable	ADJ
+to	PART
+secure	VERB
+the	DET
+units	NOUN
+for	ADP
+which	PRON
+they	PRON
+qualified	VERB
+prior	ADJ
+to	ADP
+the	DET
+storm	NOUN
+and	CCONJ
+are	AUX
+left	VERB
+homeless	ADJ
+,	PUNCT
+as	ADP
+a	DET
+result	NOUN
+.	PUNCT
+
+"	PUNCT
+In	ADP
+the	DET
+wake	NOUN
+of	ADP
+Hurricane	PROPN
+Katrina	PROPN
+,	PUNCT
+affordable	ADJ
+housing	NOUN
+in	ADP
+New	PROPN
+Orleans	PROPN
+is	AUX
+more	ADV
+scarce	ADJ
+than	ADP
+ever	ADV
+.	PUNCT
+
+As	ADP
+such	ADJ
+,	PUNCT
+it	PRON
+is	AUX
+essential	ADJ
+that	SCONJ
+HANO	PROPN
+comply	VERB
+with	ADP
+2003	NUM
+enforcement	NOUN
+agreement	NOUN
+,	PUNCT
+"	PUNCT
+said	VERB
+James	PROPN
+Perry	PROPN
+,	PUNCT
+GNOFHAC	PROPN
+Executive	PROPN
+Director	PROPN
+
+Crude	ADJ
+-	PUNCT
+oil	NOUN
+prices	NOUN
+rose	VERB
+Wednesday	PROPN
+as	SCONJ
+strengthening	VERB
+Hurricane	PROPN
+Rita	PROPN
+,	PUNCT
+now	ADV
+a	DET
+Category	NOUN
+5	NUM
+storm	NOUN
+,	PUNCT
+threatened	VERB
+to	PART
+disrupt	VERB
+oil	NOUN
+production	NOUN
+in	ADP
+the	DET
+Gulf	PROPN
+of	ADP
+Mexico	PROPN
+.	PUNCT
+
+New	PROPN
+York	PROPN
+'s	PART
+main	ADJ
+contract	NOUN
+,	PUNCT
+light	ADJ
+sweet	ADJ
+crude	NOUN
+for	ADP
+delivery	NOUN
+in	ADP
+November	PROPN
+rose	VERB
+60	NUM
+cents	NOUN
+to	PART
+close	VERB
+at	ADP
+66.80	NUM
+dollars	NOUN
+per	ADP
+barrel	NOUN
+.	PUNCT
+
+In	ADP
+London	PROPN
+,	PUNCT
+the	DET
+price	NOUN
+of	ADP
+Brent	PROPN
+North	PROPN
+Sea	PROPN
+crude	NOUN
+for	ADP
+November	PROPN
+delivery	NOUN
+advanced	VERB
+53	NUM
+cents	NOUN
+to	ADP
+64.73	NUM
+dollars	NOUN
+.	PUNCT
+
+After	SCONJ
+brushing	VERB
+the	DET
+Florida	PROPN
+Keys	PROPN
+islands	NOUN
+on	ADP
+Tuesday	PROPN
+,	PUNCT
+Rita	PROPN
+packed	VERB
+winds	NOUN
+of	ADP
+about	ADV
+240	NUM
+kilometers	NOUN
+an	DET
+hour	NOUN
+as	SCONJ
+it	PRON
+headed	VERB
+across	ADP
+the	DET
+Gulf	PROPN
+of	ADP
+Mexico	PROPN
+.	PUNCT
+
+The	DET
+US	PROPN
+National	PROPN
+Hurricane	PROPN
+Center	PROPN
+said	VERB
+Rita	PROPN
+was	AUX
+"	PUNCT
+extremely	ADV
+dangerous	ADJ
+"	PUNCT
+and	CCONJ
+could	AUX
+become	VERB
+a	DET
+top	ADJ
+-	PUNCT
+level	NOUN
+category	NOUN
+five	NUM
+storm	NOUN
+on	ADP
+the	DET
+Saffir	PROPN
+-	PUNCT
+Simpson	PROPN
+scale	NOUN
+.	PUNCT
+
+The	DET
+storm	NOUN
+threatened	VERB
+oil	NOUN
+installations	NOUN
+in	ADP
+the	DET
+Gulf	PROPN
+of	ADP
+Mexico	PROPN
+where	ADV
+about	ADV
+one	NUM
+-	PUNCT
+quarter	NOUN
+of	ADP
+US	PROPN
+oil	NOUN
+operations	NOUN
+are	AUX
+based	VERB
+.	PUNCT
+
+Oil	NOUN
+companies	NOUN
+evacuated	VERB
+offshore	ADJ
+facilities	NOUN
+as	SCONJ
+the	DET
+storm	NOUN
+'s	PART
+progress	NOUN
+kept	VERB
+global	ADJ
+markets	NOUN
+on	ADP
+tenterhooks	NOUN
+.	PUNCT
+
+In	ADP
+Texas	PROPN
+,	PUNCT
+BP	PROPN
+shut	VERB
+its	PRON
+460,000	NUM
+barrels	NOUN
+per	ADP
+day	NOUN
+refinery	NOUN
+and	CCONJ
+Marathon	PROPN
+shut	VERB
+its	PRON
+72,000	NUM
+bpd	NOUN
+plant	NOUN
+.	PUNCT
+
+Valero	PROPN
+said	VERB
+it	PRON
+was	AUX
+reducing	VERB
+rates	NOUN
+at	ADP
+its	PRON
+243,000	NUM
+bpd	NOUN
+Texas	PROPN
+City	PROPN
+refinery	NOUN
+and	CCONJ
+its	PRON
+85,000	NUM
+bpd	NOUN
+Houston	PROPN
+refinery	NOUN
+.	PUNCT
+
+Exxon	PROPN
+Mobil	PROPN
+released	VERB
+nonessential	ADJ
+staff	NOUN
+from	ADP
+two	NUM
+giant	ADJ
+Texas	PROPN
+plants	NOUN
+.	PUNCT
+
+Last	ADJ
+month	NOUN
+,	PUNCT
+Katrina	PROPN
+devastated	VERB
+refineries	NOUN
+in	ADP
+Louisiana	PROPN
+and	CCONJ
+Mississippi	PROPN
+and	CCONJ
+sent	VERB
+prices	NOUN
+to	ADP
+a	DET
+record	ADJ
+high	NOUN
+of	ADP
+70.85	NUM
+dollars	NOUN
+a	DET
+barrel	NOUN
+.	PUNCT
+
+please	INTJ
+support	VERB
+the	DET
+link	NOUN
+bellow	ADV
+which	PRON
+is	AUX
+excelnt	ADJ
+,	PUNCT
+thank	NOUN
+for	ADP
+your	PRON
+click	NOUN
+and	CCONJ
+attention	NOUN
+:	PUNCT
+
+[	PUNCT
+http://www.newscientistspace.com/article.ns?id=dn8293&feedId=human-spaceflight_atom03	X
+]	PUNCT
+
+(	PUNCT
+New	PROPN
+Scientist	PROPN
+Space	PROPN
+)	PUNCT
+
+NASA	PROPN
+is	AUX
+looking	VERB
+to	ADP
+private	ADJ
+companies	NOUN
+to	PART
+launch	VERB
+both	CCONJ
+supplies	NOUN
+and	CCONJ
+astronauts	NOUN
+to	ADP
+the	DET
+International	PROPN
+Space	PROPN
+Station	PROPN
+,	PUNCT
+it	PRON
+announced	VERB
+this	DET
+week	NOUN
+.	PUNCT
+
+[	PUNCT
+...	PUNCT
+]	PUNCT
+
+"	PUNCT
+It	PRON
+'s	AUX
+not	PART
+cost	NOUN
+-	PUNCT
+effective	ADJ
+doing	VERB
+station	NOUN
+flights	NOUN
+while	SCONJ
+at	ADP
+the	DET
+same	ADJ
+time	NOUN
+focusing	VERB
+on	SCONJ
+getting	VERB
+back	ADV
+to	ADP
+the	DET
+Moon	PROPN
+,	PUNCT
+"	PUNCT
+says	VERB
+Brett	PROPN
+Alexander	PROPN
+,	PUNCT
+vice-president	NOUN
+of	ADP
+Transformational	PROPN
+Space	PROPN
+,	PUNCT
+one	NUM
+of	ADP
+the	DET
+companies	NOUN
+hoping	VERB
+to	PART
+launch	VERB
+astronauts	NOUN
+to	ADP
+the	DET
+ISS	PROPN
+.	PUNCT
+
+NASA	PROPN
+intends	VERB
+upon	SCONJ
+retiring	VERB
+the	DET
+space	NOUN
+shuttles	NOUN
+in	ADP
+2010	NUM
+,	PUNCT
+which	PRON
+only	ADV
+leaves	VERB
+it	PRON
+with	ADP
+18	NUM
+flights	NOUN
+towards	ADP
+the	DET
+ISS	PROPN
+.	PUNCT
+
+Outsourcing	VERB
+these	DET
+responsibilities	NOUN
+would	AUX
+be	AUX
+a	DET
+wise	ADJ
+alternative	NOUN
+,	PUNCT
+considering	VERB
+the	DET
+accomplishments	NOUN
+of	ADP
+the	DET
+private	ADJ
+sector	NOUN
+regarding	VERB
+the	DET
+space	NOUN
+elevator	NOUN
+.	PUNCT
+
+Although	SCONJ
+some	DET
+may	AUX
+praise	VERB
+this	PRON
+as	ADP
+an	DET
+opportunity	NOUN
+for	SCONJ
+the	DET
+private	ADJ
+sector	NOUN
+to	PART
+finally	ADV
+serve	VERB
+the	DET
+public	ADJ
+good	NOUN
+,	PUNCT
+NASA	PROPN
+seems	VERB
+hesitant	ADJ
+about	SCONJ
+turning	VERB
+over	ADP
+the	DET
+reigns	NOUN
+to	ADP
+the	DET
+corporate	ADJ
+world	NOUN
+.	PUNCT
+
+(	PUNCT
+New	PROPN
+Scientist	PROPN
+Space	PROPN
+)	PUNCT
+
+On	ADP
+3	NUM
+November	PROPN
+,	PUNCT
+NASA	PROPN
+administrator	NOUN
+Michael	PROPN
+Griffin	PROPN
+told	VERB
+the	DET
+US	PROPN
+house	PROPN
+science	PROPN
+committee	PROPN
+that	SCONJ
+the	DET
+agency	NOUN
+expects	VERB
+to	PART
+invest	VERB
+about	ADV
+$	SYM
+500	NUM
+million	NUM
+in	ADP
+the	DET
+commercial	ADJ
+cargo	NOUN
+and	CCONJ
+crew	NOUN
+project	NOUN
+over	ADP
+five	NUM
+years	NOUN
+.	PUNCT
+
+"	PUNCT
+That	DET
+kind	NOUN
+of	ADP
+a	DET
+financial	ADJ
+incentive	NOUN
+[	PUNCT
+...	PUNCT
+]	PUNCT
+will	AUX
+be	AUX
+sufficient	ADJ
+to	PART
+allow	VERB
+substantial	ADJ
+providers	NOUN
+to	PART
+emerge	VERB
+,	PUNCT
+"	PUNCT
+Griffin	PROPN
+said	VERB
+.	PUNCT
+
+"	PUNCT
+I	PRON
+hope	VERB
+that	SCONJ
+industry	NOUN
+,	PUNCT
+if	SCONJ
+put	VERB
+to	ADP
+the	DET
+test	NOUN
+,	PUNCT
+can	AUX
+do	VERB
+better	ADV
+[	PUNCT
+than	ADP
+the	DET
+government	NOUN
+]	PUNCT
+,	PUNCT
+but	CCONJ
+I	PRON
+do	AUX
+not	PART
+expect	VERB
+it	PRON
+,	PUNCT
+"	PUNCT
+Griffin	PROPN
+added	VERB
+.	PUNCT
+
+Only	ADV
+time	NOUN
+will	AUX
+reveal	VERB
+whether	SCONJ
+Griffin	PROPN
+'s	PART
+expectations	NOUN
+are	AUX
+either	CCONJ
+exceeded	VERB
+or	CCONJ
+confirmed	VERB
+.	PUNCT
+
+But	CCONJ
+seeing	VERB
+how	ADV
+the	DET
+private	ADJ
+sector	NOUN
+has	AUX
+been	AUX
+able	ADJ
+to	PART
+successfully	ADV
+transport	VERB
+civilians	NOUN
+to	ADP
+the	DET
+ISS	PROPN
+(	PUNCT
+at	ADP
+about	ADV
+a	DET
+fifth	NOUN
+of	ADP
+the	DET
+cost	NOUN
+)	PUNCT
+,	PUNCT
+it	PRON
+would	AUX
+come	VERB
+to	ADP
+no	DET
+surprise	NOUN
+if	SCONJ
+corporate	ADJ
+America	PROPN
+was	AUX
+able	ADJ
+to	PART
+out	X
+perform	VERB
+their	PRON
+bureaucratic	ADJ
+friends	NOUN
+in	ADP
+government	NOUN
+.	PUNCT
+
+--	PUNCT
+
+Posted	VERB
+by	ADP
+Hidden	PROPN
+Nook	PROPN
+to	ADP
+Hidden	PROPN
+Nook	PROPN
+at	ADP
+11/16/2005	NUM
+08:36:00	NUM
+AM	NOUN
+
+[	PUNCT
+http://seattlepi.nwsource.com/national/apmideast_story.asp?category=1107&slug=Palestinians%20Abbas	X
+]	PUNCT
+
+Normally	ADV
+this	DET
+author	NOUN
+is	AUX
+semi-objective	ADJ
+(	PUNCT
+what	DET
+blogger	NOUN
+is	VERB
+)	PUNCT
+but	CCONJ
+on	ADP
+the	DET
+Seattlepi.com	X
+(	PUNCT
+see	VERB
+source	NOUN
+link	NOUN
+)	PUNCT
+Palestinian	ADJ
+Leader	NOUN
+Mahmoud	PROPN
+Abbas	PROPN
+has	AUX
+demanded	VERB
+that	SCONJ
+Israel	PROPN
+leave	VERB
+all	DET
+the	DET
+land	NOUN
+that	PRON
+it	PRON
+occupies	VERB
+before	ADP
+the	DET
+1967	NUM
+border	NOUN
+(	PUNCT
+which	PRON
+includes	VERB
+East	PROPN
+Jerusalem	PROPN
+by	ADP
+the	DET
+way	NOUN
+)	PUNCT
+.	PUNCT
+
+One	NUM
+thing	NOUN
+is	AUX
+certain	ADJ
+for	ADP
+sure	ADJ
+.	PUNCT
+
+If	SCONJ
+Abbas	PROPN
+keeps	VERB
+up	ADP
+this	DET
+"	PUNCT
+macho	NOUN
+talk	NOUN
+"	PUNCT
+he	PRON
+will	AUX
+kill	VERB
+potential	ADJ
+peace	NOUN
+talks	NOUN
+and	CCONJ
+might	AUX
+as	ADV
+well	ADV
+allow	VERB
+Hamas	PROPN
+(	PUNCT
+which	PRON
+has	AUX
+probably	ADV
+done	VERB
+a	DET
+better	ADJ
+job	NOUN
+at	SCONJ
+providing	VERB
+for	ADP
+the	DET
+Palestinians	PROPN
+)	PUNCT
+rule	VERB
+the	DET
+West	PROPN
+Bank	PROPN
+.	PUNCT
+
+AP	PROPN
+Photo	NOUN
+/	PUNCT
+Nasser	PROPN
+Nasser	PROPN
+
+Interim	ADJ
+Palestinian	ADJ
+leader	NOUN
+and	CCONJ
+the	DET
+front	NOUN
+-	PUNCT
+runner	NOUN
+in	ADP
+the	DET
+upcoming	ADJ
+Jan.	PROPN
+9	NUM
+,	PUNCT
+2005	NUM
+presidential	ADJ
+election	NOUN
+Mahmoud	PROPN
+Abbas	PROPN
+talks	VERB
+during	ADP
+his	PRON
+first	ADJ
+official	ADJ
+campaign	NOUN
+speech	NOUN
+in	ADP
+the	DET
+West	PROPN
+Bank	PROPN
+town	NOUN
+of	ADP
+Ramallah	PROPN
+,	PUNCT
+Saturday	PROPN
+Dec.	PROPN
+25	NUM
+,	PUNCT
+2004	NUM
+.	PUNCT
+
+Cloaking	VERB
+himself	PRON
+in	ADP
+Yasser	PROPN
+Arafat	PROPN
+'s	PART
+legacy	NOUN
+,	PUNCT
+Abbas	PROPN
+pledged	VERB
+to	PART
+fulfill	VERB
+Palestinian	ADJ
+dreams	NOUN
+of	ADP
+statehood	NOUN
+.	PUNCT
+
+It	PRON
+seems	VERB
+that	SCONJ
+the	DET
+Palestinian	ADJ
+leadership	NOUN
+(	PUNCT
+upcoming	ADJ
+)	PUNCT
+will	AUX
+not	PART
+be	AUX
+a	DET
+peace	NOUN
+partner	NOUN
+with	ADP
+Israel	PROPN
+.	PUNCT
+
+He	PRON
+is	AUX
+already	ADV
+demanding	VERB
+claims	NOUN
+that	SCONJ
+Israel	PROPN
+said	VERB
+no	INTJ
+to	ADP
+not	ADV
+only	ADV
+the	DET
+world	NOUN
+,	PUNCT
+but	CCONJ
+to	ADP
+Arafat	PROPN
+himself	PRON
+.	PUNCT
+
+Listing	VERB
+his	PRON
+priorities	NOUN
+,	PUNCT
+Abbas	PROPN
+told	VERB
+supporters	NOUN
+of	ADP
+the	DET
+ruling	VERB
+Fatah	PROPN
+party	NOUN
+that	SCONJ
+he	PRON
+was	AUX
+determined	ADJ
+to	PART
+provide	VERB
+security	NOUN
+to	ADP
+his	PRON
+people	NOUN
+and	CCONJ
+continue	VERB
+the	DET
+struggle	NOUN
+against	ADP
+Israel	PROPN
+'s	PART
+partially	ADV
+completed	VERB
+West	PROPN
+Bank	PROPN
+barrier	NOUN
+.	PUNCT
+
+Abbas	PROPN
+also	ADV
+pledged	VERB
+to	PART
+resolve	VERB
+the	DET
+problem	NOUN
+of	ADP
+millions	NOUN
+of	ADP
+Palestinian	ADJ
+refugees	NOUN
+and	CCONJ
+their	PRON
+descendants	NOUN
+.	PUNCT
+
+Abbas	PROPN
+,	PUNCT
+a	DET
+refugee	NOUN
+himself	PRON
+from	SCONJ
+what	PRON
+is	AUX
+today	NOUN
+the	DET
+northern	ADJ
+Israeli	ADJ
+city	NOUN
+of	ADP
+Safed	PROPN
+,	PUNCT
+called	VERB
+the	DET
+refugee	NOUN
+issue	NOUN
+"	PUNCT
+very	ADV
+important	ADJ
+and	CCONJ
+very	ADV
+dangerous	ADJ
+.	PUNCT
+"	PUNCT
+
+Having	AUX
+personally	ADV
+visited	VERB
+the	DET
+West	PROPN
+Bank	PROPN
+and	CCONJ
+Israel	PROPN
+,	PUNCT
+I	PRON
+can	AUX
+say	VERB
+that	SCONJ
+this	DET
+new	ADJ
+political	ADJ
+voice	NOUN
+is	AUX
+threatening	VERB
+to	PART
+collapse	VERB
+the	DET
+peace	NOUN
+process	NOUN
+.	PUNCT
+
+If	SCONJ
+Abbas	PROPN
+does	AUX
+not	PART
+change	VERB
+his	PRON
+former	ADJ
+thinking	NOUN
+and	CCONJ
+continues	VERB
+the	DET
+path	NOUN
+of	ADP
+Yasser	PROPN
+Arafat	PROPN
+,	PUNCT
+then	ADV
+there	PRON
+will	AUX
+not	PART
+be	VERB
+peace	NOUN
+in	ADP
+the	DET
+Holy	PROPN
+Land	PROPN
+and	CCONJ
+the	DET
+Palestinians	PROPN
+will	AUX
+ultimately	ADV
+suffer	VERB
+.	PUNCT
+
+Selah	PROPN
+!	PUNCT
+
+--	PUNCT
+
+Posted	VERB
+by	ADP
+Hidden	PROPN
+Nook	PROPN
+to	ADP
+Hidden	PROPN
+Nook	PROPN
+at	ADP
+12/26/2004	NUM
+10:46:08	NUM
+PM	NOUN
+
+[	PUNCT
+http://news.bbc.co.uk/1/hi/world/middle_east/4281450.stm	X
+]	PUNCT
+
+(	PUNCT
+Hat	NOUN
+Tip	NOUN
+:	PUNCT
+Captain	PROPN
+s	PART
+Quarters	PROPN
+)	PUNCT
+
+(	PUNCT
+BBC	PROPN
+)	PUNCT
+
+The	DET
+Palestinian	ADJ
+militant	ADJ
+organisation	NOUN
+Hamas	PROPN
+has	AUX
+announced	VERB
+an	DET
+end	NOUN
+to	ADP
+rocket	NOUN
+attacks	NOUN
+on	ADP
+Israel	PROPN
+from	ADP
+the	DET
+Gaza	PROPN
+Strip	PROPN
+after	ADP
+a	DET
+weekend	NOUN
+of	ADP
+escalating	VERB
+violence	NOUN
+.	PUNCT
+
+Up	ADP
+to	ADP
+40	NUM
+rockets	NOUN
+had	AUX
+been	AUX
+fired	VERB
+at	ADP
+Israel	PROPN
+,	PUNCT
+weeks	NOUN
+after	SCONJ
+its	PRON
+military	NOUN
+withdrew	VERB
+from	ADP
+the	DET
+territory	NOUN
+.	PUNCT
+
+In	ADP
+response	NOUN
+to	ADP
+the	DET
+rockets	NOUN
+,	PUNCT
+Israel	PROPN
+resumed	VERB
+its	PRON
+policy	NOUN
+of	SCONJ
+targeting	VERB
+militant	ADJ
+leaders	NOUN
+in	ADP
+air	NOUN
+strikes	NOUN
+.	PUNCT
+
+Authorised	VERB
+by	ADP
+Ariel	PROPN
+Sharon	PROPN
+to	PART
+make	VERB
+"	PUNCT
+unrestricted	ADJ
+"	PUNCT
+strikes	NOUN
+,	PUNCT
+its	PRON
+military	ADJ
+launched	VERB
+new	ADJ
+missile	NOUN
+attacks	NOUN
+overnight	ADV
+.	PUNCT
+
+It	PRON
+looks	VERB
+as	SCONJ
+if	SCONJ
+Hamas	PROPN
+has	AUX
+thrown	VERB
+in	ADV
+the	DET
+towel	NOUN
+for	ADP
+this	DET
+round	NOUN
+,	PUNCT
+unable	ADJ
+to	PART
+take	VERB
+the	DET
+beating	NOUN
+the	DET
+Israeli	PROPN
+Defense	PROPN
+Forces	PROPN
+have	AUX
+unleashed	VERB
+upon	ADP
+this	DET
+terrorist	NOUN
+group	NOUN
+.	PUNCT
+
+Mahmoud	PROPN
+Zahar	PROPN
+,	PUNCT
+Hamas	PROPN
+'s	PART
+leader	NOUN
+declared	VERB
+the	DET
+cease	NOUN
+fire	NOUN
+after	SCONJ
+Israel	PROPN
+killed	VERB
+it's	PRON
+former	ADJ
+leader	NOUN
+,	PUNCT
+Muhammed	PROPN
+Sheikh	PROPN
+Khalil	PROPN
+.	PUNCT
+
+Hamas	PROPN
+has	AUX
+become	VERB
+rather	ADV
+unpopular	ADJ
+in	ADP
+Gaza	PROPN
+,	PUNCT
+as	SCONJ
+many	ADJ
+see	VERB
+the	DET
+Israeli	ADJ
+air	NOUN
+strikes	NOUN
+as	ADP
+a	DET
+response	NOUN
+towards	ADP
+the	DET
+rocket	NOUN
+attacks	NOUN
+upon	ADP
+Israeli	ADJ
+soil	NOUN
+.	PUNCT
+
+Egypt	PROPN
+had	VERB
+a	DET
+role	NOUN
+to	PART
+play	VERB
+as	SCONJ
+they	PRON
+convinced	VERB
+Hamas	PROPN
+to	PART
+end	VERB
+the	DET
+attacks	NOUN
+,	PUNCT
+although	SCONJ
+the	DET
+same	ADJ
+can	AUX
+not	PART
+be	AUX
+said	VERB
+of	ADP
+Islamic	PROPN
+Jihad	PROPN
+.	PUNCT
+
+(	PUNCT
+Jerusalem	PROPN
+Post	PROPN
+)	PUNCT
+
+"	PUNCT
+We	PRON
+'re	AUX
+not	PART
+happy	ADJ
+with	ADP
+Hamas	PROPN
+'s	PART
+position	NOUN
+at	ADP
+this	DET
+stage	NOUN
+and	CCONJ
+in	ADP
+light	NOUN
+of	ADP
+the	DET
+Israeli	ADJ
+escalation	NOUN
+against	ADP
+the	DET
+Palestinians	PROPN
+,	PUNCT
+"	PUNCT
+commented	VERB
+Khader	PROPN
+Habib	PROPN
+,	PUNCT
+a	DET
+senior	ADJ
+Islamic	PROPN
+Jihad	PROPN
+official	NOUN
+.	PUNCT
+
+"	PUNCT
+But	CCONJ
+it	PRON
+seems	VERB
+that	SCONJ
+Hamas	PROPN
+has	VERB
+its	PRON
+own	ADJ
+political	ADJ
+agenda	NOUN
+.	PUNCT
+"	PUNCT
+
+[	PUNCT
+...	PUNCT
+]	PUNCT
+
+"	PUNCT
+The	DET
+problem	NOUN
+is	AUX
+not	PART
+with	ADP
+the	DET
+Palestinian	ADJ
+resistance	NOUN
+groups	NOUN
+but	CCONJ
+with	ADP
+Israel	PROPN
+'s	PART
+scheme	NOUN
+to	PART
+destroy	VERB
+the	DET
+Palestinians	PROPN
+'	PART
+infrastructure	NOUN
+,	PUNCT
+"	PUNCT
+Habib	PROPN
+said	VERB
+.	PUNCT
+
+"	PUNCT
+Hamas	PROPN
+remains	VERB
+targeted	VERB
+by	ADP
+Israel	PROPN
+,	PUNCT
+as	SCONJ
+in	ADP
+the	DET
+past	NOUN
+,	PUNCT
+and	CCONJ
+the	DET
+Israeli	ADJ
+occupation	NOUN
+does	AUX
+not	PART
+need	VERB
+excuses	NOUN
+to	PART
+pursue	VERB
+its	PRON
+aggression	NOUN
+.	PUNCT
+
+Israel	PROPN
+wants	VERB
+to	PART
+drive	VERB
+the	DET
+Palestinians	PROPN
+toward	ADP
+civil	ADJ
+war	NOUN
+.	PUNCT
+"	PUNCT
+
+Islamic	PROPN
+Jihad	PROPN
+has	AUX
+refused	VERB
+to	PART
+recognized	VERB
+the	DET
+cease	NOUN
+fire	NOUN
+,	PUNCT
+and	CCONJ
+hopes	VERB
+to	PART
+turn	VERB
+the	DET
+Gaza	PROPN
+strip	PROPN
+"	PUNCT
+into	ADP
+a	DET
+vast	ADJ
+battlefield	NOUN
+.	PUNCT
+"	PUNCT
+
+Unless	SCONJ
+President	PROPN
+Mahmoud	PROPN
+Abbas	PROPN
+steps	VERB
+in	ADV
+,	PUNCT
+Gaza	PROPN
+will	AUX
+probably	ADV
+look	VERB
+like	ADP
+a	DET
+battle	NOUN
+field	NOUN
+by	ADP
+the	DET
+time	NOUN
+Israel	PROPN
+is	AUX
+done	ADJ
+reminding	VERB
+Hamas	PROPN
+of	ADP
+their	PRON
+critical	ADJ
+error	NOUN
+,	PUNCT
+although	SCONJ
+currently	ADV
+the	DET
+only	ADJ
+thing	NOUN
+Abbas	PROPN
+is	AUX
+doing	VERB
+is	VERB
+lashing	VERB
+out	ADP
+and	CCONJ
+refusing	VERB
+to	PART
+take	VERB
+responsibility	NOUN
+for	ADP
+his	PRON
+inability	NOUN
+to	PART
+act	VERB
+.	PUNCT
+
+--	PUNCT
+
+Posted	VERB
+by	ADP
+Hidden	PROPN
+Nook	PROPN
+to	ADP
+Hidden	PROPN
+Nook	PROPN
+at	ADP
+9/26/2005	NUM
+08:14:00	NUM
+PM	NOUN
+
+Iguazu	PROPN
+is	AUX
+a	DET
+big	ADJ
+or	CCONJ
+a	DET
+small	ADJ
+country	NOUN
+?	PUNCT
+
+Iguazu	PROPN
+is	AUX
+NOT	PART
+a	DET
+country	NOUN
+....	PUNCT
+
+Iguazu	PROPN
+is	AUX
+in	ADP
+Argentina	PROPN
+:)	SYM
+
+How	ADV
+much	ADJ
+is	AUX
+a	DET
+big	PROPN
+mac	PROPN
+in	ADP
+your	PRON
+country	NOUN
+?	PUNCT
+
+$	SYM
+5.76	NUM
+For	ADP
+the	DET
+Combo	PROPN
+Meal	PROPN
+!!	PUNCT
+
+:-)	SYM
+
+\\	SYM
+//	SYM
+
+What	DET
+foods	NOUN
+do	AUX
+you	PRON
+eat	VERB
+in	ADP
+Miramar	PROPN
+?	PUNCT
+
+Argentinian	ADJ
+foods	NOUN
+of	ADV
+course	ADV
+,	PUNCT
+LMAO	INTJ
+.	PUNCT
+
+lol	INTJ
+!	PUNCT
+
+seafood	NOUN
+
+you	PRON
+mean	VERB
+miramar	PROPN
+florida	PROPN
+theyy	PRON
+have	VERB
+good	ADJ
+seafood	NOUN
+there	ADV
+
+Have	AUX
+you	PRON
+had	VERB
+any	DET
+knowledgement	NOUN
+about	ADP
+pearl	NOUN
+pigment	NOUN
+.?	PUNCT
+
+...	PUNCT
+Nope	INTJ
+and	CCONJ
+I	PRON
+am	AUX
+proud	ADJ
+of	ADP
+it	PRON
+...	PUNCT
+because	SCONJ
+my	PRON
+teacher	NOUN
+have	AUX
+nt	PART
+taught	VERB
+us	PRON
+that	PRON
+yet	ADV
+...	PUNCT
+
+Can	AUX
+you	PRON
+recommend	VERB
+any	DET
+restaurants	NOUN
+in	ADP
+Buenos	PROPN
+Aires	PROPN
+?	PUNCT
+
+I	PRON
+will	AUX
+be	AUX
+vacationing	VERB
+there	ADV
+
+Yes	INTJ
+.	PUNCT
+
+There	PRON
+are	VERB
+several	ADJ
+just	ADV
+off	ADP
+their	PRON
+beautiful	ADJ
+beach	NOUN
+.	PUNCT
+
+Enjoy	VERB
+yourself	PRON
+my	PRON
+friend	NOUN
+!!	PUNCT
+
+does	AUX
+teacher	NOUN
+'s	PART
+camp	NOUN
+in	ADP
+baguio	PROPN
+also	ADV
+accomodate	VERB
+even	ADV
+1	NUM
+person	NOUN
+??	PUNCT
+
+cos	SCONJ
+i	PRON
+ll	AUX
+be	AUX
+going	VERB
+to	ADP
+baguio	PROPN
+alone	ADV
+and	CCONJ
+i	PRON
+have	VERB
+tight	ADJ
+?	PUNCT
+
+http://www.couchsurfing.org/	X
+
+try	VERB
+couch	NOUN
+surfing	NOUN
+po	NOUN
+.	PUNCT
+
+What	PRON
+influenced	VERB
+Picasso	PROPN
+'s	PART
+cubism	NOUN
+style	NOUN
+of	ADP
+painting	NOUN
+?	PUNCT
+
+i	PRON
+'ve	AUX
+seen	VERB
+that	PRON
+.......	PUNCT
+that	PRON
+does	AUX
+not	PART
+help	VERB
+me	PRON
+at	ADV
+all	ADV
+it	PRON
+says	VERB
+what	PRON
+cubism	NOUN
+influenced	VERB
+not	ADV
+what	PRON
+influnced	VERB
+cubism	NOUN
+
+http://en.wikipedia.org/wiki/Cubism	X
+
+What	PRON
+do	AUX
+you	PRON
+eat	VERB
+in	ADP
+Miramar	PROPN
+?	PUNCT
+
+Food	NOUN
+like	ADP
+the	DET
+stuff	NOUN
+they	PRON
+eat	VERB
+in	ADP
+Spanish	ADJ
+countries	NOUN
+like	ADP
+tacos	NOUN
+,	PUNCT
+beans	NOUN
+,	PUNCT
+rice	NOUN
+,	PUNCT
+pork	NOUN
+,	PUNCT
+steak	NOUN
+,	PUNCT
+ect	X
+.	PUNCT
+
+Try	VERB
+googling	VERB
+it	PRON
+for	ADP
+more	ADJ
+info	NOUN
+:)	SYM
+
+Anyone	PRON
+know	VERB
+of	ADP
+any	DET
+HHa	PROPN
+training	NOUN
+in	ADP
+Delaware	PROPN
+?	PUNCT
+
+I	PRON
+do	AUX
+hold	VERB
+a	DET
+HHa	PROPN
+certificate	NOUN
+in	ADP
+the	DET
+state	NOUN
+of	ADP
+NY	PROPN
+but	CCONJ
+I	PRON
+looking	VERB
+to	PART
+move	VERB
+to	ADP
+Delaware	PROPN
+anyone	PRON
+know	VERB
+how	ADV
+I	PRON
+can	AUX
+get	AUX
+certified	VERB
+in	ADP
+delaware	PROPN
+?	PUNCT
+
+Any	DET
+information	NOUN
+about	ADP
+CRAZY	PROPN
+HORSE	PROPN
+SCULPTURE	NOUN
+?	PUNCT
+
+any	DET
+?	PUNCT
+
+I	PRON
+assume	VERB
+you	PRON
+mean	VERB
+the	DET
+crazy	PROPN
+horse	PROPN
+memorial	NOUN
+.	PUNCT
+
+they	PRON
+have	VERB
+their	PRON
+own	ADJ
+website	NOUN
+which	PRON
+you	PRON
+can	AUX
+easily	ADV
+find	VERB
+using	VERB
+any	DET
+search	NOUN
+engine	NOUN
+.	PUNCT
+
+http://www.google.com/search?aq=0&oq=crazy+horse+mem&gcx=w&sourceid=chrome&ie=UTF-8&q=crazy+horse+memorial	X
+
+How	ADV
+to	PART
+prepare	VERB
+a	DET
+silicon	NOUN
+rubber	NOUN
+mould	NOUN
+for	ADP
+human	ADJ
+statue	NOUN
+of	ADP
+size	NOUN
+375	NUM
+mm	NOUN
+in	ADP
+height	NOUN
+?	PUNCT
+
+Here	ADV
+is	AUX
+a	DET
+product	NOUN
+page	NOUN
+from	ADP
+a	DET
+company	NOUN
+that	PRON
+makes	VERB
+mold	NOUN
+making	NOUN
+materials	NOUN
+
+http://www.smooth-on.com/p132/Beginner-Brushable-Mold-Rubber-Options/pages.html	X
+
+It	PRON
+is	AUX
+a	DET
+starting	NOUN
+place	NOUN
+to	PART
+look	VERB
+
+How	ADV
+many	ADJ
+days	NOUN
+will	AUX
+speed	NOUN
+post	NOUN
+take	VERB
+to	PART
+reach	VERB
+from	ADP
+Delhi	PROPN
+to	ADP
+Mumbai	PROPN
+?	PUNCT
+
+Give	VERB
+it	PRON
+three	NUM
+days	NOUN
+barring	VERB
+Sundays	PROPN
+and	CCONJ
+holidays	NOUN
+.	PUNCT
+
+3	NUM
+TO	ADP
+4	NUM
+DAYS	NOUN
+if	SCONJ
+you	PRON
+are	AUX
+lucky	ADJ
+on	ADP
+average	ADJ
+it	PRON
+takes	VERB
+about	ADV
+6	NUM
+days	NOUN
+.	PUNCT
+
+like	INTJ
+2	NUM
+day	NOUN
+
+What	PRON
+is	AUX
+the	DET
+nearest	ADJ
+National	PROPN
+Park	PROPN
+to	ADP
+Birmingham	PROPN
+,	PUNCT
+UK	PROPN
+?	PUNCT
+
+The	DET
+Peak	PROPN
+District	PROPN
+(	PUNCT
+Derbyshire	PROPN
+)	PUNCT
+is	AUX
+the	DET
+closest	ADJ
+.	PUNCT
+
+The	DET
+South	PROPN
+Shropshire	PROPN
+Hills	PROPN
+are	AUX
+far	ADV
+closer	ADJ
+.	PUNCT
+
+They	PRON
+are	AUX
+not	PART
+a	DET
+national	ADJ
+park	NOUN
+,	PUNCT
+but	CCONJ
+are	AUX
+extremely	ADV
+beautiful	ADJ
+.	PUNCT
+
+www.visitsouthshropshire.co.uk	X
+
+Trivia	NOUN
+!	PUNCT
+
+When	ADV
+was	AUX
+Miramar	PROPN
+founded	VERB
+?	PUNCT
+
+I	PRON
+'ll	AUX
+give	VERB
+best	ADJ
+answer	NOUN
+for	ADP
+the	DET
+first	ADJ
+person	NOUN
+who	PRON
+gets	VERB
+it	PRON
+right	ADJ
+!	PUNCT
+
+September	PROPN
+20	NUM
+,	PUNCT
+1888	NUM
+?	PUNCT
+
+It	PRON
+was	AUX
+incorporated	VERB
+as	ADP
+a	DET
+city	NOUN
+on	ADP
+May	PROPN
+26	NUM
+,	PUNCT
+1955	NUM
+.	PUNCT
+
+Miramar	PROPN
+was	AUX
+founded	VERB
+September	PROPN
+20	NUM
+1888	NUM
+.	PUNCT
+
+Do	AUX
+people	NOUN
+Bare	ADJ
+-	PUNCT
+knuckle	NOUN
+box	VERB
+in	ADP
+Ireland	PROPN
+?	PUNCT
+
+Certain	ADJ
+elements	NOUN
+of	ADP
+the	DET
+travelling	NOUN
+community	NOUN
+engage	VERB
+in	ADP
+this	DET
+activity	NOUN
+,	PUNCT
+but	CCONJ
+overall	ADV
+no	INTJ
+not	PART
+really	ADV
+.	PUNCT
+
+Er	INTJ
+,	PUNCT
+no	INTJ
+?	PUNCT
+
+some	DET
+members	NOUN
+of	ADP
+the	DET
+traveler	NOUN
+community	NOUN
+bare	ADJ
+knuckle	NOUN
+box	VERB
+.	PUNCT
+
+other	ADV
+than	ADP
+that	PRON
+i	PRON
+do	AUX
+n't	PART
+know	VERB
+.	PUNCT
+
+What	PRON
+are	AUX
+some	DET
+GOOD	ADJ
+18	NUM
++	SYM
+clubs	NOUN
+in	ADP
+the	DET
+bay	PROPN
+area	PROPN
+?	PUNCT
+
+For	ADP
+today	NOUN
+saturday	PROPN
+Nov	PROPN
+5th	NOUN
+.	PUNCT
+
+preferably	ADV
+in	ADP
+San	PROPN
+Jose	PROPN
+,	PUNCT
+Palo	PROPN
+Alto	PROPN
+,	PUNCT
+San	PROPN
+Francisco	PROPN
+..	PUNCT
+
+I	PRON
+want	VERB
+to	PART
+party	VERB
+hardy	ADV
+for	ADP
+my	PRON
+birthday	NOUN
+:)	SYM
+
+when	ADV
+you	PRON
+turn	VERB
+21	NUM
+you	PRON
+can	AUX
+party	VERB
+any	X
+were	ADV
+you	PRON
+want	VERB
+
+I	PRON
+have	VERB
+hundreds	NOUN
+of	ADP
+VHS	NOUN
+movies	NOUN
+lying	VERB
+around	ADV
+...	PUNCT
+what	PRON
+should	AUX
+I	PRON
+do	VERB
+with	ADP
+them	PRON
+?	PUNCT
+
+They	PRON
+bulk	VERB
+up	ADP
+too	ADV
+much	ADJ
+space	NOUN
+
+I	PRON
+gave	VERB
+mine	PRON
+to	ADP
+a	DET
+rest	NOUN
+home	NOUN
+for	ADP
+senior	ADJ
+citizens	NOUN
+and	CCONJ
+an	DET
+old	ADJ
+soldiers	NOUN
+'	PART
+home	NOUN
+.	PUNCT
+
+Covert	VERB
+into	ADP
+DVD	NOUN
+.	PUNCT
+
+give	VERB
+them	PRON
+to	ADP
+a	DET
+library	ADJ
+or	CCONJ
+burn	VERB
+them	PRON
+.	PUNCT
+
+is	AUX
+r2d2	PROPN
+a	DET
+stupid	ADJ
+name	NOUN
+for	ADP
+a	DET
+cat	NOUN
+?	PUNCT
+
+i	PRON
+could	AUX
+call	VERB
+him	PRON
+r2	PROPN
+for	ADP
+short	ADJ
+
+I	PRON
+have	VERB
+a	DET
+cat	NOUN
+named	VERB
+GummiBear	PROPN
+,	PUNCT
+so	ADV
+no	INTJ
+,	PUNCT
+R2D2	PROPN
+is	AUX
+not	PART
+a	DET
+stupid	ADJ
+name	NOUN
+.	PUNCT
+
+it	PRON
+s	AUX
+your	PRON
+cat	NOUN
+you	PRON
+can	AUX
+pick	VERB
+and	DET
+name	NOUN
+you	PRON
+want	VERB
+
+Hell	INTJ
+no	INTJ
+.	PUNCT
+
+That	PRON
+s	AUX
+a	DET
+great	ADJ
+name	NOUN
+.	PUNCT
+
+Kudos	NOUN
+.	PUNCT
+
+What	PRON
+to	PART
+do	VERB
+in	ADP
+San	PROPN
+Rafael	PROPN
+Ca	PROPN
+?	PUNCT
+
+okay	INTJ
+so	ADV
+i	PRON
+live	VERB
+in	ADP
+San	PROPN
+Rafael	PROPN
+Ca	PROPN
+like	INTJ
+by	ADP
+the	DET
+mi	PROPN
+pueble	PROPN
+and	CCONJ
+the	DET
+Home	PROPN
+Depot	PROPN
+..	PUNCT
+what	PRON
+are	AUX
+fun	ADJ
+things	NOUN
+to	PART
+do	VERB
+around	ADV
+there	ADV
+?	PUNCT
+
+like	INTJ
+any	DET
+lounges	NOUN
+?	PUNCT
+
+i	PRON
+m	AUX
+15	NUM
+btw	ADV
+
+what	PRON
+about	ADP
+downtown	NOUN
+...	PUNCT
+?	PUNCT
+
+like	INTJ
+4th	NOUN
+street	NOUN
+and	CCONJ
+stuff	NOUN
+?	PUNCT
+
+Which	PRON
+of	ADP
+these	PRON
+do	AUX
+you	PRON
+like	VERB
+:	PUNCT
+McDonald	PROPN
+s	PART
+,	PUNCT
+Burger	PROPN
+King	PROPN
+,	PUNCT
+Taco	PROPN
+Bell	PROPN
+,	PUNCT
+Wendy	PROPN
+s	PART
+?	PUNCT
+
+Burger	PROPN
+King	PROPN
+
+it	PRON
+seems	VERB
+like	SCONJ
+I	PRON
+'m	AUX
+at	ADP
+a	DET
+real	ADJ
+restaurant	NOUN
+like	ADP
+Applebee	PROPN
+s	PART
+,	PUNCT
+their	PRON
+food	NOUN
+is	AUX
+usually	ADV
+that	ADV
+good	ADJ
+
+McDonal	PROPN
+s	PART
+the	DET
+best	ADJ
+for	ADP
+me	PRON
+
+the	DET
+one	NUM
+i	PRON
+like	VERB
+the	DET
+most	ADV
+would	AUX
+be	AUX
+wendy	PROPN
+'s	PART
+.	PUNCT
+
+would	AUX
+someone	PRON
+give	VERB
+me	PRON
+some	DET
+information	NOUN
+about	ADP
+migratory	ADJ
+birds	NOUN
+in	ADP
+punjab	PROPN
+?	PUNCT
+
+actually	ADV
+i	PRON
+have	VERB
+an	DET
+project	NOUN
+on	ADP
+it	PRON
+so	ADV
+please	INTJ
+give	VERB
+me	PRON
+as	ADV
+much	ADV
+as	SCONJ
+you	PRON
+have	VERB
+information	NOUN
+about	ADP
+migratory	ADJ
+birds	NOUN
+in	ADP
+punjab	PROPN
+
+I	PRON
+do	AUX
+n't	PART
+know	VERB
+about	ADP
+birding	NOUN
+in	ADP
+that	DET
+part	NOUN
+of	ADP
+the	DET
+world	NOUN
+but	CCONJ
+you	PRON
+might	AUX
+possibly	ADV
+find	VERB
+help	NOUN
+at	ADP
+this	DET
+site	NOUN
+:	PUNCT
+http://www.wildlifeofpakistan.com/PakistanBirdClub/index.html	X
+
+What	PRON
+is	AUX
+the	DET
+dress	NOUN
+code	NOUN
+for	ADP
+males	NOUN
+at	ADP
+Del	PROPN
+Frisco	PROPN
+'s	PART
+Philadelphia	PROPN
+?	PUNCT
+
+My	PRON
+boyfriend	NOUN
+'s	PART
+birthday	NOUN
+is	AUX
+November	PROPN
+22nd	NOUN
+and	CCONJ
+we	PRON
+are	AUX
+going	VERB
+to	ADP
+Del	PROPN
+Frisco	PROPN
+'s	PART
+for	ADP
+dinner	NOUN
+.	PUNCT
+
+I	PRON
+was	AUX
+unsure	ADJ
+of	SCONJ
+what	PRON
+he	PRON
+should	AUX
+wear	VERB
+,	PUNCT
+it	PRON
+says	VERB
+business	NOUN
+casual	NOUN
+but	CCONJ
+that	PRON
+can	AUX
+be	AUX
+interpreted	VERB
+in	ADP
+many	ADJ
+different	ADJ
+ways	NOUN
+.	PUNCT
+
+Please	INTJ
+help	VERB
+.	PUNCT
+
+5233	NUM
+-	PUNCT
+NT	NOUN
+
+information	NOUN
+on	ADP
+the	DET
+Eurostar	PROPN
+train	NOUN
+?	PUNCT
+
+can	AUX
+children	NOUN
+go	VERB
+on	ADP
+the	DET
+Eurostar	PROPN
+train	NOUN
+on	ADP
+there	PRON
+own	ADJ
+to	ADP
+France	PROPN
+and	CCONJ
+where	ADV
+about	ADV
+is	AUX
+the	DET
+Eurostar	PROPN
+located	VERB
+
+No	DET
+under	ADJ
+12's	NOUN
+.	PUNCT
+
+People	NOUN
+aged	VERB
+13	NUM
+-	SYM
+17	NUM
+may	AUX
+be	AUX
+allowed	VERB
+to	PART
+travel	VERB
+alone	ADV
+at	ADP
+Eurostar	PROPN
+'s	PART
+discretion	NOUN
+-	PUNCT
+you	PRON
+should	AUX
+email	VERB
+them	PRON
+for	ADP
+a	DET
+decision	NOUN
+.	PUNCT
+
+Eurostar	PROPN
+runs	VERB
+from	ADP
+London	PROPN
+St	PROPN
+Pancras	PROPN
+station	NOUN
+.	PUNCT
+
+What	PRON
+is	AUX
+the	DET
+dress	NOUN
+code	NOUN
+for	ADP
+females	NOUN
+at	ADP
+Del	PROPN
+Frisco	PROPN
+'s	PART
+Philadelphia	PROPN
+?	PUNCT
+
+I	PRON
+will	AUX
+be	AUX
+going	VERB
+to	ADP
+Del	PROPN
+Frisco	PROPN
+'s	PART
+in	ADP
+late	ADJ
+November	PROPN
+for	ADP
+dinner	NOUN
+and	CCONJ
+I	PRON
+was	AUX
+wondering	VERB
+what	PRON
+the	DET
+dress	NOUN
+code	NOUN
+is	AUX
+for	ADP
+a	DET
+female	NOUN
+.	PUNCT
+
+It	PRON
+says	VERB
+business	NOUN
+casual	NOUN
+but	CCONJ
+I	PRON
+know	VERB
+this	PRON
+can	AUX
+be	AUX
+interpreted	VERB
+in	ADP
+many	ADJ
+ways	NOUN
+.	PUNCT
+
+Please	INTJ
+help	VERB
+.	PUNCT
+
+5765	NUM
+-	PUNCT
+NTKB	NOUN
+
+you	PRON
+can	AUX
+view	VERB
+at	ADP
+dresscod.com	X
+
+Can	AUX
+you	PRON
+post	VERB
+a	DET
+link	NOUN
+that	PRON
+shows	VERB
+all	DET
+the	DET
+art	NOUN
+works	NOUN
+that	PRON
+were	AUX
+never	ADV
+found	VERB
+after	SCONJ
+the	DET
+Natzi	PROPN
+stole	VERB
+them	PRON
+?	PUNCT
+
+google	VERB
+nazi	PROPN
+stolen	VERB
+art	NOUN
+recovery	NOUN
+...	PUNCT
+
+Out	ADP
+of	ADP
+the	DET
+650	NUM
+k	NUM
+est	VERB
+stolen	VERB
+works	NOUN
+of	ADP
+art	NOUN
+by	ADP
+the	DET
+Nazis	PROPN
+...	PUNCT
+70	NUM
+k	NUM
+still	ADV
+remain	VERB
+missing	ADJ
+..	PUNCT
+and	CCONJ
+there	PRON
+are	VERB
+thousands	NOUN
+in	ADP
+musems	NOUN
+that	PRON
+have	AUX
+n't	PART
+been	AUX
+returned	VERB
+to	ADP
+their	PRON
+right	X
+full	ADJ
+owners	NOUN
+and	CCONJ
+heirs	NOUN
+..	PUNCT
+
+Miramar	PROPN
+?	PUNCT
+
+are	AUX
+they	PRON
+just	ADV
+making	VERB
+these	DET
+places	NOUN
+up	ADP
+?	PUNCT
+
+Well	INTJ
+you	PRON
+say	VERB
+Miramar	PROPN
+I	PRON
+say	VERB
+Piramar	PROPN
+
+MIRAMAR	PROPN
+
+PIRAMAR	PROPN
+
+Let	VERB
+s	PRON
+call	VERB
+the	DET
+whole	ADJ
+thing	NOUN
+off	ADP
+.	PUNCT
+
+Miramir	PROPN
+is	AUX
+for	ADP
+real	ADJ
+,	PUNCT
+but	CCONJ
+there	PRON
+are	VERB
+a	DET
+lot	NOUN
+that	PRON
+make	VERB
+you	PRON
+wonder	VERB
+.	PUNCT
+
+There	PRON
+are	VERB
+way	ADV
+more	ADV
+stranger	ADJ
+names	NOUN
+in	ADP
+the	DET
+U.S	PROPN
+for	ADP
+areas	NOUN
+than	ADP
+Miramar	PROPN
+.	PUNCT
+
+i	PRON
+think	VERB
+Miramar	PROPN
+was	AUX
+a	DET
+famous	ADJ
+goat	NOUN
+trainer	NOUN
+or	CCONJ
+something	PRON
+.	PUNCT
+
+He	PRON
+deserved	VERB
+respect	NOUN
+
+Anyone	PRON
+have	VERB
+a	DET
+good	ADJ
+recipe	NOUN
+for	ADP
+an	DET
+empanada	NOUN
+cordobes	NOUN
+?	PUNCT
+
+How	ADV
+about	ADP
+empanadas	NOUN
+arabes	NOUN
+or	CCONJ
+other	ADJ
+empanadas	NOUN
+from	ADP
+that	DET
+area	NOUN
+of	ADP
+Argentina	PROPN
+?	PUNCT
+
+Yes	INTJ
+.	PUNCT
+
+Here	ADV
+it	PRON
+is	AUX
+right	ADV
+here	ADV
+.	PUNCT
+
+1	NUM
+cup	NOUN
+of	ADP
+empanadas	NOUN
+
+1	NUM
+cup	NOUN
+of	ADP
+arabes	NOUN
+
+1	NUM
+cup	NOUN
+of	ADP
+other	ADJ
+empanadas	NOUN
+
+1	NUM
+cup	NOUN
+of	ADP
+from	ADP
+that	DET
+area	NOUN
+of	ADP
+Argentina	PROPN
+
+MIX	VERB
+IT	PRON
+ALL	DET
+UP	ADP
+
+THEN	ADV
+POOP	VERB
+IN	ADP
+IT	PRON
+
+The	DET
+End	NOUN
+
+It	PRON
+'s	VERB
+just	ADV
+like	SCONJ
+cooking	VERB
+kidney	NOUN
+,	PUNCT
+just	ADV
+boil	VERB
+the	DET
+piss	NOUN
+out	ADP
+of	ADP
+it	PRON
+
+I	PRON
+sent	VERB
+a	DET
+phone	NOUN
+to	ADP
+Mobile	PROPN
+Phone	PROPN
+Exchange	PROPN
+and	CCONJ
+it	PRON
+failed	VERB
+a	DET
+test	NOUN
+due	ADP
+to	ADP
+lost	ADJ
+or	CCONJ
+stolen	VERB
+what	PRON
+should	AUX
+I	PRON
+do	VERB
+?	PUNCT
+
+I	PRON
+was	AUX
+sold	VERB
+a	DET
+phone	NOUN
+by	ADP
+a	DET
+friend	NOUN
+and	CCONJ
+sent	VERB
+it	PRON
+off	ADP
+to	PART
+get	VERB
+it	PRON
+recycled	VERB
+what	PRON
+can	AUX
+i	PRON
+do	VERB
+?	PUNCT
+
+Buy	VERB
+a	DET
+new	ADJ
+phone	NOUN
+
+hope	VERB
+they	PRON
+do	AUX
+n't	PART
+call	VERB
+the	DET
+police	NOUN
+and	CCONJ
+arrest	VERB
+you	PRON
+
+it	PRON
+s	AUX
+illegal	ADJ
+to	PART
+sell	VERB
+stolen	VERB
+property	NOUN
+,	PUNCT
+even	ADV
+if	SCONJ
+you	PRON
+do	AUX
+n't	PART
+know	VERB
+it	PRON
+s	AUX
+stolen	VERB
+.	PUNCT
+
+Erm	INTJ
+ya	INTJ
+How	ADV
+can	AUX
+I	PRON
+watch	VERB
+Fair	PROPN
+City	PROPN
+Online	ADV
+in	ADP
+England	PROPN
+lols	INTJ
+?	PUNCT
+
+Ya	PRON
+ca	AUX
+n't	PART
+.	PUNCT
+
+They	PRON
+do	AUX
+n't	PART
+show	VERB
+it	PRON
+on	ADP
+RTE	PROPN
+Player	PROPN
+
+You	PRON
+ca	AUX
+n't	PART
+but	CCONJ
+here	ADV
+'s	AUX
+an	DET
+update	NOUN
+:	PUNCT
+The	DET
+doctor	NOUN
+is	AUX
+about	ADJ
+to	PART
+discover	VERB
+the	DET
+affair	NOUN
+between	ADP
+her	PRON
+husband	NOUN
+and	CCONJ
+Jo	PROPN
+(	PUNCT
+who	PRON
+has	AUX
+become	VERB
+her	PRON
+new	ADJ
+best	ADJ
+friend	NOUN
+)	PUNCT
+.	PUNCT
+
+Deco	PROPN
+is	AUX
+still	ADV
+with	ADP
+Caoimhe	PROPN
+.	PUNCT
+
+Suzanne	PROPN
+is	AUX
+pregnant	ADJ
+.	PUNCT
+
+Hope	VERB
+you	PRON
+do	AUX
+n't	PART
+miss	VERB
+it	PRON
+too	ADV
+much	ADV
+.	PUNCT
+
+I	PRON
+m	AUX
+in	ADP
+school	NOUN
+for	ADP
+photography	NOUN
+and	CCONJ
+i	PRON
+want	VERB
+to	PART
+work	VERB
+in	ADP
+forensic	NOUN
+so	ADV
+what	PRON
+else	ADJ
+do	AUX
+i	PRON
+need	VERB
+to	PART
+do	VERB
+.?	PUNCT
+
+Sciences	NOUN
+-	PUNCT
+principally	ADV
+biology	NOUN
+but	CCONJ
+also	ADV
+chemistry	NOUN
+.	PUNCT
+
+You	PRON
+need	VERB
+a	DET
+background	NOUN
+in	ADP
+law	NOUN
+enforcement	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+not	PART
+enough	ADJ
+to	PART
+have	VERB
+photography	NOUN
+skills	NOUN
+.	PUNCT
+
+Talk	VERB
+to	ADP
+your	PRON
+academic	ADJ
+adviser	NOUN
+,	PUNCT
+see	VERB
+what	PRON
+they	PRON
+recommend	VERB
+.	PUNCT
+
+certainly	ADV
+not	PART
+"	PUNCT
+normal	ADJ
+"	PUNCT
+photography	NOUN
+...	PUNCT
+forensic	ADJ
+photography	NOUN
+is	AUX
+about	ADP
+the	DET
+facts	NOUN
+:	PUNCT
+
+http://www.google.co.uk/search?q=forensic+photography&ie=utf-8&oe=utf-8&aq=t&rls=org.mozilla:en-US:official&client=firefox-a&safe=active&sout=1	X
+
+Was	AUX
+the	DET
+iPhone	PROPN
+the	DET
+first	ADJ
+Smart	ADJ
+Phone	NOUN
+?	PUNCT
+
+I	PRON
+'m	AUX
+writing	VERB
+an	DET
+essay	NOUN
+for	ADP
+school	NOUN
+and	CCONJ
+I	PRON
+need	VERB
+to	PART
+know	VERB
+if	SCONJ
+the	DET
+iPhone	PROPN
+was	AUX
+the	DET
+first	ADJ
+Smart	ADJ
+Phone	NOUN
+.	PUNCT
+
+Was	VERB
+it	PRON
+?	PUNCT
+
+Technically	ADV
+,	PUNCT
+blackberry	PROPN
+was	VERB
+because	SCONJ
+it	PRON
+was	AUX
+the	DET
+first	ADJ
+with	ADP
+real	ADJ
+email	NOUN
+and	CCONJ
+games	NOUN
+and	CCONJ
+stuff	NOUN
+.	PUNCT
+
+But	CCONJ
+iPhone	NOUN
+was	AUX
+the	DET
+first	ADJ
+"	PUNCT
+Officiol	ADJ
+"	PUNCT
+touch	ADJ
+screen	NOUN
+smart	ADJ
+phone	NOUN
+.	PUNCT
+
+No	INTJ
+,	PUNCT
+it	PRON
+was	VERB
+n't	PART
+.	PUNCT
+
+But	CCONJ
+it	PRON
+did	AUX
+revolutionize	VERB
+the	DET
+way	NOUN
+we	PRON
+think	VERB
+of	ADP
+as	ADP
+a	DET
+smartphone	NOUN
+.	PUNCT
+
+Canon	PROPN
+sx40	PROPN
+or	CCONJ
+canon	PROPN
+s100	PROPN
+?	PUNCT
+
+Which	DET
+one	NUM
+should	AUX
+i	PRON
+get	VERB
+?	PUNCT
+
+It	PRON
+s	AUX
+prettty	ADV
+much	ADV
+the	DET
+same	ADJ
+$$$	NOUN
+,	PUNCT
+please	INTJ
+advice	VERB
+!?????!!!!	PUNCT
+
+Go	VERB
+with	ADP
+the	DET
+S100	PROPN
+.	PUNCT
+
+It	PRON
+'s	AUX
+more	ADV
+compact	ADJ
+,	PUNCT
+ISO	NOUN
+6400	NUM
+capability	NOUN
+(	PUNCT
+SX40	PROPN
+only	ADV
+3200	NUM
+)	PUNCT
+,	PUNCT
+faster	ADJ
+lens	NOUN
+at	ADP
+f/2	NOUN
+and	CCONJ
+the	DET
+SX40	PROPN
+only	ADJ
+f	NOUN
+/	PUNCT
+2.7	NUM
+.	PUNCT
+
+Both	DET
+have	VERB
+full	ADJ
+1080	NUM
+video	NOUN
+with	ADP
+stereo	ADJ
+recording	NOUN
+,	PUNCT
+so	ADV
+that	PRON
+does	AUX
+n't	PART
+matter	VERB
+.	PUNCT
+
+The	DET
+S100	PROPN
+has	VERB
+a	DET
+slightly	ADV
+larger	ADJ
+screen	NOUN
+and	CCONJ
+the	DET
+new	ADJ
+digic	NOUN
+5	NUM
+processor	NOUN
+.	PUNCT
+
+Passport	NOUN
+needed	VERB
+for	ADP
+international	ADJ
+boat	NOUN
+cruise	NOUN
+?	PUNCT
+
+I	PRON
+am	AUX
+going	VERB
+on	ADP
+a	DET
+private	ADJ
+boat	NOUN
+cruise	NOUN
+with	ADP
+my	PRON
+friends	NOUN
+from	ADP
+Florida	PROPN
+.	PUNCT
+
+Will	AUX
+stay	VERB
+in	ADP
+the	DET
+waters	NOUN
+for	ADP
+few	ADJ
+days	NOUN
+.	PUNCT
+
+Will	AUX
+we	PRON
+need	VERB
+a	DET
+passport	NOUN
+?	PUNCT
+
+If	SCONJ
+you	PRON
+are	AUX
+unsure	ADJ
+whether	SCONJ
+or	CCONJ
+not	ADV
+you	PRON
+need	VERB
+your	PRON
+passport	NOUN
+then	ADV
+Faz	PROPN
+will	AUX
+be	AUX
+able	ADJ
+to	PART
+help	VERB
+!	PUNCT
+
+uh	INTJ
+,	PUNCT
+where	ADV
+?	PUNCT
+
+just	ADV
+in	ADP
+the	DET
+water	NOUN
+?	PUNCT
+
+depends	VERB
+where	ADV
+u	PRON
+are	AUX
+going	VERB
+.	PUNCT
+
+If	SCONJ
+you	PRON
+r	AUX
+in	ADP
+the	DET
+USA	PROPN
+and	CCONJ
+venture	VERB
+into	ADP
+Cuba	PROPN
+then	ADV
+u	PRON
+need	VERB
+a	DET
+passport	NOUN
+
+How	ADV
+can	AUX
+i	PRON
+get	VERB
+Weed	NOUN
+in	ADP
+Auckland	PROPN
+?	PUNCT
+
+Can	AUX
+ssome	DET
+oone	NOUN
+please	INTJ
+tell	VERB
+me	PRON
+where	ADV
+i	PRON
+can	AUX
+buy	VERB
+some	DET
+weed	NOUN
+in	ADP
+auckland	PROPN
+.	PUNCT
+
+Give	VERB
+me	PRON
+an	DET
+address	NOUN
+or	CCONJ
+something	PRON
+please	INTJ
+idk	VERB
+.	PUNCT
+
+Getting	VERB
+real	ADV
+frustrated	ADJ
+now	ADV
+aye	INTJ
+.	PUNCT
+
+Thanks	NOUN
+
+You	PRON
+'ve	AUX
+already	ADV
+asked	VERB
+this	PRON
+.	PUNCT
+
+Anyone	PRON
+who	PRON
+looks	VERB
+like	ADP
+a	DET
+druggy	NOUN
+or	CCONJ
+dodgy	ADJ
+.	PUNCT
+
+Why	ADV
+would	AUX
+someone	PRON
+post	VERB
+the	DET
+location	NOUN
+of	ADP
+a	DET
+dealer	NOUN
+in	ADP
+a	DET
+public	ADJ
+place	NOUN
+?	PUNCT
+
+You	PRON
+'re	AUX
+an	DET
+idiot	NOUN
+.	PUNCT
+
+Drop	VERB
+by	ADP
+my	PRON
+house	NOUN
+,	PUNCT
+I	PRON
+can	AUX
+get	VERB
+you	PRON
+some	DET
+real	ADV
+cheap	ADV
+.	PUNCT
+
+What	PRON
+is	AUX
+this	DET
+irish	ADJ
+tune	NOUN
+called	VERB
+!?	PUNCT
+
+It	PRON
+s	AUX
+a	DET
+Reel	NOUN
+and	CCONJ
+i	PRON
+have	AUX
+danced	VERB
+to	ADP
+it	PRON
+before	ADV
+..	PUNCT
+
+I	PRON
+should	AUX
+have	AUX
+asked	VERB
+then	ADV
+but	CCONJ
+i	PRON
+did	VERB
+n't	PART
+the	DET
+only	ADJ
+line	NOUN
+i	PRON
+remember	VERB
+is	AUX
+de	X
+lunde	X
+bar	X
+..	PUNCT
+or	CCONJ
+something	PRON
+like	ADP
+that	PRON
+..	PUNCT
+does	AUX
+anybody	PRON
+know	VERB
+which	DET
+song	NOUN
+i	PRON
+am	AUX
+talking	VERB
+about	ADP
+?	PUNCT
+
+With	SCONJ
+no	DET
+link	NOUN
+provided	VERB
+it	PRON
+is	AUX
+hard	ADJ
+to	PART
+say	VERB
+.	PUNCT
+
+Try	VERB
+googling	VERB
+it	PRON
+or	CCONJ
+type	VERB
+it	PRON
+into	ADP
+youtube	PROPN
+you	PRON
+might	AUX
+get	VERB
+lucky	ADJ
+.	PUNCT
+
+Link	NOUN
+?	PUNCT
+
+if	SCONJ
+it	PRON
+s	AUX
+a	DET
+reel	NOUN
+then	ADV
+it	PRON
+s	AUX
+scottish	ADJ
+
+Help	NOUN
+findin	VERB
+a	DET
+restaurant	NOUN
+for	ADP
+anniversary	NOUN
+in	ADP
+SF	PROPN
+?	PUNCT
+
+It	PRON
+'s	AUX
+my	PRON
+two	NUM
+year	NOUN
+anniversary	NOUN
+in	ADP
+a	DET
+few	ADJ
+days	NOUN
+and	CCONJ
+was	AUX
+wondering	VERB
+if	SCONJ
+somone	NOUN
+could	AUX
+tell	VERB
+me	PRON
+about	ADP
+a	DET
+great	ADJ
+restaurant	NOUN
+in	ADP
+sf	PROPN
+or	CCONJ
+other	ADJ
+nearby	ADJ
+cities	NOUN
+
+I	PRON
+like	VERB
+Hayes	PROPN
+Street	PROPN
+Grill	PROPN
+....	PUNCT
+another	DET
+plus	NOUN
+,	PUNCT
+it	PRON
+'s	AUX
+right	ADV
+by	ADP
+Civic	PROPN
+Center	PROPN
+,	PUNCT
+so	ADV
+you	PRON
+can	AUX
+take	VERB
+a	DET
+romantic	ADJ
+walk	NOUN
+around	ADP
+the	DET
+Opera	PROPN
+House	PROPN
+,	PUNCT
+City	PROPN
+Hall	PROPN
+,	PUNCT
+Symphony	PROPN
+Auditorium	PROPN
+...	PUNCT
+all	DET
+very	ADV
+beautiful	ADJ
+.	PUNCT
+
+Prime	PROPN
+Rib	PROPN
+s	PART
+
+it	PRON
+s	AUX
+kind	ADV
+of	ADV
+expensive	ADJ
+though	ADV
+
+What	PRON
+would	AUX
+happen	VERB
+if	SCONJ
+you	PRON
+flew	VERB
+the	DET
+flag	NOUN
+of	ADP
+South	PROPN
+Vietnam	PROPN
+in	ADP
+Modern	ADJ
+day	NOUN
+Vietnam	PROPN
+?	PUNCT
+
+It	PRON
+would	AUX
+be	AUX
+similar	ADJ
+to	SCONJ
+flying	VERB
+the	DET
+flag	NOUN
+of	ADP
+the	DET
+Third	PROPN
+Reich	PROPN
+in	ADP
+modern	ADJ
+day	NOUN
+Germany	PROPN
+or	CCONJ
+in	ADP
+Israel	PROPN
+.	PUNCT
+
+You	PRON
+would	AUX
+be	AUX
+violating	VERB
+the	DET
+law	NOUN
+.	PUNCT
+
+The	DET
+police	NOUN
+would	AUX
+make	VERB
+you	PRON
+take	VERB
+it	PRON
+down	ADV
+and	CCONJ
+you	PRON
+may	AUX
+face	VERB
+fines	NOUN
+and	CCONJ
+imprisonment	NOUN
+(	PUNCT
+but	CCONJ
+definitely	ADV
+not	ADV
+execution	NOUN
+.	PUNCT
+)	PUNCT
+
+You	PRON
+will	AUX
+also	ADV
+face	VERB
+the	DET
+ire	NOUN
+of	ADP
+most	ADJ
+people	NOUN
+there	ADV
+.	PUNCT
+
+They	PRON
+might	AUX
+be	AUX
+imprisoned	VERB
+or	CCONJ
+executed	VERB
+
+Yes	INTJ
+,	PUNCT
+it	PRON
+would	AUX
+be	AUX
+an	DET
+execution	NOUN
+punishment	NOUN
+.	PUNCT
+
+Wellington	PROPN
+sign	NOUN
+poll	NOUN
+.	PUNCT
+
+Where	ADV
+do	AUX
+we	PRON
+vote	VERB
+?	PUNCT
+
+If	SCONJ
+anyone	PRON
+else	ADJ
+has	AUX
+voted	VERB
+?	PUNCT
+
+Where	ADV
+do	AUX
+we	PRON
+vote	VERB
+?	PUNCT
+
+Obviously	ADV
+because	SCONJ
+i	PRON
+want	VERB
+to	PART
+vote	VERB
+.	PUNCT
+
+And	CCONJ
+if	SCONJ
+anyone	PRON
+else	ADJ
+has	AUX
+voted	VERB
+,	PUNCT
+what	PRON
+did	AUX
+you	PRON
+guys	NOUN
+vote	VERB
+for	ADP
+?	PUNCT
+
+It	PRON
+closed	VERB
+on	ADP
+Sunday	PROPN
+...	PUNCT
+
+You	PRON
+voted	VERB
+on	ADP
+the	DET
+Dominion	PROPN
+Posts	PROPN
+website	NOUN
+.	PUNCT
+
+The	DET
+top	ADJ
+two	NUM
+are	AUX
+going	VERB
+'	PUNCT
+head	NOUN
+to	ADP
+head	NOUN
+'	PUNCT
+in	ADP
+a	DET
+final	ADJ
+vote	NOUN
+on	ADP
+that	PRON
+opens	VERB
+on	ADP
+Wednesday	PROPN
+on	ADP
+-	PUNCT
+http://www.stuff.co.nz/dominion-post/	X
+
+They	PRON
+should	AUX
+have	VERB
+one	NUM
+for	SCONJ
+the	DET
+All	PROPN
+Blacks	PROPN
+winning	VERB
+.	PUNCT
+
+Wellywood	PROPN
+looks	VERB
+rather	ADV
+cheap	ADJ
+and	CCONJ
+tacky	ADJ
+
+air	PROPN
+asia	PROPN
+flight	NOUN
+attendant	NOUN
+?	PUNCT
+
+Good	ADJ
+day	NOUN
+,	PUNCT
+I	PRON
+'m	AUX
+a	DET
+foreigner	NOUN
+living	VERB
+in	ADP
+malaysia	PROPN
+,	PUNCT
+german	ADJ
+citizen	NOUN
+,	PUNCT
+21	NUM
+years	NOUN
+of	ADP
+age	NOUN
+,	PUNCT
+I	PRON
+was	AUX
+wondering	VERB
+if	SCONJ
+air	PROPN
+asia	PROPN
+recruits	VERB
+foreigners	NOUN
+?	PUNCT
+
+thanks	NOUN
+
+I	PRON
+'ve	AUX
+tried	VERB
+calling	VERB
+them	PRON
+a	DET
+week	NOUN
+ago	ADV
+,	PUNCT
+they	PRON
+said	VERB
+they	PRON
+ca	AUX
+n't	PART
+give	VERB
+me	PRON
+those	DET
+details	NOUN
+over	ADP
+the	DET
+phone	NOUN
+,	PUNCT
+or	CCONJ
+let	VERB
+me	PRON
+know	VERB
+,	PUNCT
+keep	VERB
+asking	VERB
+me	PRON
+to	PART
+go	VERB
+to	ADP
+some	DET
+website	NOUN
+,	PUNCT
+but	CCONJ
+there	PRON
+'s	VERB
+nothing	PRON
+useful	ADJ
+on	ADP
+it	PRON
+
+Write	VERB
+(	PUNCT
+or	CCONJ
+call	VERB
+)	PUNCT
+an	DET
+Asian	ADJ
+airline	NOUN
+directly	ADV
+and	CCONJ
+get	VERB
+the	DET
+answer	NOUN
+immediately	ADV
+.	PUNCT
+
+What	DET
+kind	NOUN
+of	ADP
+Meal	NOUN
+do	AUX
+peopel	NOUN
+in	ADP
+Argentina	PROPN
+have	VERB
+?	PUNCT
+
+I	PRON
+am	AUX
+doing	VERB
+a	DET
+project	NOUN
+and	CCONJ
+need	VERB
+to	PART
+know	VERB
+what	DET
+kind	NOUN
+food	NOUN
+Argentina	PROPN
+people	NOUN
+eat	VERB
+for	ADP
+breakfast	NOUN
+,	PUNCT
+lunch	NOUN
+,	PUNCT
+and	CCONJ
+dinner	NOUN
+.	PUNCT
+
+And	CCONJ
+what	PRON
+is	AUX
+their	PRON
+big	ADJ
+/	PUNCT
+main	ADJ
+meal	NOUN
+of	ADP
+the	DET
+day	NOUN
+.	PUNCT
+
+Like	INTJ
+in	ADP
+America	PROPN
+dinner	NOUN
+is	AUX
+our	PRON
+main	ADJ
+meal	NOUN
+.	PUNCT
+
+and	CCONJ
+around	ADP
+what	DET
+time	NOUN
+they	PRON
+eat	VERB
+each	DET
+of	ADP
+their	PRON
+meals	NOUN
+.	PUNCT
+
+Edible	ADJ
+ones	NOUN
+,	PUNCT
+I	PRON
+hope	VERB
+-	PUNCT
+beef	NOUN
+,	PUNCT
+pork	NOUN
+,	PUNCT
+chicken	NOUN
+,	PUNCT
+fish	NOUN
+...	PUNCT
+
+Why	ADV
+not	PART
+look	VERB
+it	PRON
+up	ADP
+!	PUNCT
+
+they	PRON
+eat	VERB
+lots	NOUN
+of	ADP
+grilled	VERB
+meat	NOUN
+,	PUNCT
+chorizo	NOUN
+,	PUNCT
+and	CCONJ
+such	ADJ
+,	PUNCT
+with	ADP
+potatoes	NOUN
+
+why	ADV
+do	AUX
+i	PRON
+want	VERB
+to	PART
+do	VERB
+work	NOUN
+experience	NOUN
+at	ADP
+an	DET
+animal	NOUN
+center	NOUN
+?	PUNCT
+
+reasons	NOUN
+plllz	INTJ
+
+How	ADV
+are	AUX
+strangers	NOUN
+supposed	VERB
+to	PART
+know	VERB
+why	ADV
+YOU	PRON
+want	VERB
+to	PART
+do	VERB
+that	DET
+sort	NOUN
+of	ADP
+job	NOUN
+?	PUNCT
+
+Just	ADV
+make	VERB
+a	DET
+list	NOUN
+of	ADP
+reasons	NOUN
+why	ADV
+you	PRON
+like	VERB
+the	DET
+job	NOUN
+and	CCONJ
+do	VERB
+a	DET
+little	ADJ
+bit	NOUN
+of	ADP
+internet	NOUN
+searching	NOUN
+to	PART
+see	VERB
+what	PRON
+people	NOUN
+have	VERB
+to	PART
+say	VERB
+about	SCONJ
+being	AUX
+in	ADP
+the	DET
+job	NOUN
+.	PUNCT
+
+Hope	VERB
+you	PRON
+find	VERB
+out	ADP
+soon	ADV
+:)	SYM
+
+you	PRON
+should	AUX
+work	VERB
+that	PRON
+out	ADP
+before	SCONJ
+applying	VERB
+.	PUNCT
+
+maybe	ADV
+it	PRON
+'s	VERB
+beacuse	SCONJ
+you	PRON
+love	VERB
+to	PART
+work	VERB
+with	ADP
+animals	NOUN
+and	CCONJ
+you	PRON
+just	ADV
+ca	AUX
+n't	PART
+be	AUX
+ha[[y	ADJ
+if	SCONJ
+you	PRON
+were	AUX
+n't	PART
+soing	VERB
+that	DET
+job	NOUN
+
+Cheap	ADJ
+restraunts	NOUN
+close	ADJ
+to	ADP
+Orchestra	PROPN
+Hall	PROPN
+in	ADP
+Chicago	PROPN
+?	PUNCT
+
+For	ADP
+a	DET
+field	NOUN
+trip	NOUN
+with	ADP
+my	PRON
+orchestra	NOUN
+,	PUNCT
+we	PRON
+are	AUX
+going	VERB
+to	ADP
+the	DET
+Chicago	PROPN
+Symphony	PROPN
+Orchestra	PROPN
+.	PUNCT
+
+Before	ADP
+that	PRON
+,	PUNCT
+we	PRON
+are	AUX
+turned	VERB
+loose	ADJ
+to	PART
+get	VERB
+dinner	NOUN
+.	PUNCT
+
+Being	AUX
+a	DET
+suburban	ADJ
+teenager	NOUN
+,	PUNCT
+I	PRON
+do	AUX
+n't	PART
+really	ADV
+know	VERB
+where	ADV
+is	AUX
+cheap	ADJ
+,	PUNCT
+safe	ADJ
+,	PUNCT
+and	CCONJ
+close	ADJ
+to	ADP
+orchestra	NOUN
+hall	NOUN
+(	PUNCT
+220	NUM
+South	PROPN
+Michigan	PROPN
+Ave	PROPN
+.	PUNCT
+)	PUNCT
+
+Does	AUX
+anyone	PRON
+have	VERB
+any	DET
+ideas	NOUN
+for	ADP
+restaurants	NOUN
+within	ADP
+walking	NOUN
+distance	NOUN
+where	ADV
+I	PRON
+ca	AUX
+n't	PART
+get	VERB
+lost	ADJ
+?	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+know	VERB
+.	PUNCT
+
+Maybe	ADV
+if	SCONJ
+you	PRON
+post	VERB
+the	DET
+question	NOUN
+again	ADV
+,	PUNCT
+someone	PRON
+will	AUX
+give	VERB
+you	PRON
+a	DET
+good	ADJ
+answer	NOUN
+.	PUNCT
+
+Does	AUX
+Crack	PROPN
+Barrel	PROPN
+ban	VERB
+employees	NOUN
+from	SCONJ
+having	VERB
+tattoos	NOUN
+?	PUNCT
+
+I	PRON
+'m	AUX
+suppose	ADJ
+to	PART
+start	VERB
+a	DET
+job	NOUN
+at	ADP
+Cracker	PROPN
+Barrel	PROPN
+,	PUNCT
+but	CCONJ
+I	PRON
+ca	AUX
+n't	PART
+risk	VERB
+losing	VERB
+the	DET
+job	NOUN
+because	SCONJ
+I	PRON
+have	VERB
+two	NUM
+visible	ADJ
+tattoos	NOUN
+on	ADP
+my	PRON
+arm	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+know	VERB
+or	CCONJ
+work	VERB
+there	ADV
+could	AUX
+you	PRON
+enlighten	VERB
+me	PRON
+?	PUNCT
+
+Why	ADV
+do	AUX
+n't	PART
+you	PRON
+phone	VERB
+another	DET
+location	NOUN
+and	CCONJ
+ask	VERB
+♥	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+think	VERB
+they	PRON
+ban	VERB
+if	SCONJ
+the	DET
+tats	NOUN
+are	AUX
+n't	PART
+offensive	ADJ
+and	CCONJ
+you	PRON
+should	AUX
+make	VERB
+them	PRON
+not	ADV
+noticeable	ADJ
+at	ADP
+the	DET
+time	NOUN
+of	ADP
+the	DET
+interview	NOUN
+but	CCONJ
+once	SCONJ
+you	PRON
+got	VERB
+the	DET
+job	NOUN
+there	PRON
+nothing	PRON
+they	PRON
+can	AUX
+really	ADV
+say	VERB
+if	SCONJ
+so	ADV
+you	PRON
+have	VERB
+a	DET
+sue	NOUN
+/	PUNCT
+case	NOUN
+against	ADP
+them	PRON
+
+Privacy	NOUN
+in	ADP
+kerala	PROPN
+,	PUNCT
+help	VERB
+pls	INTJ
+..?	PUNCT
+
+i	PRON
+need	VERB
+to	PART
+hav	VERB
+sm	DET
+good	ADJ
+time	NOUN
+spent	VERB
+with	ADP
+my	PRON
+gf	NOUN
+..	PUNCT
+in	ADP
+kerala	PROPN
+..	PUNCT
+in	ADP
+which	DET
+all	DET
+places	NOUN
+in	ADP
+kerala	PROPN
+shal	AUX
+i	PRON
+expect	VERB
+ambience	NOUN
+and	CCONJ
+privacy	NOUN
+for	SCONJ
+making	VERB
+love	NOUN
+..	PUNCT
+pls	INTJ
+help	VERB
+.	PUNCT
+thank	VERB
+you	PRON
+
+house	NOUN
+boat	NOUN
+is	AUX
+a	DET
+perfect	ADJ
+place	NOUN
+also	ADV
+beach	NOUN
+resorts	NOUN
+in	ADP
+trivandrum	PROPN
+and	CCONJ
+The	DET
+RAVIZ	PROPN
+in	ADP
+kollam	PROPN
+@	SYM
+da	DET
+syd	NOUN
+f	ADP
+Ashtamudi	PROPN
+Lake	PROPN
+in	ADP
+kollam	PROPN
+
+Houseboat	NOUN
+in	ADP
+Kerala	PROPN
+is	AUX
+a	DET
+good	ADJ
+option	NOUN
+for	ADP
+you	PRON
+,	PUNCT
+all	DET
+the	DET
+best	ADJ
+!!!	PUNCT
+
+Try	VERB
+Varkala	PROPN
+,	PUNCT
+it	PRON
+s	AUX
+a	X
+ammazing	ADJ
+and	CCONJ
+is	AUX
+by	ADP
+the	DET
+beach	NOUN
+.	PUNCT
+
+People	NOUN
+are	AUX
+open	ADJ
+minded	ADJ
+thr	ADV
+since	SCONJ
+the	DET
+place	NOUN
+is	AUX
+frequented	VERB
+by	ADP
+Firangs	PROPN
+.	PUNCT
+
+I	PRON
+have	VERB
+a	DET
+male	ADJ
+and	CCONJ
+female	ADJ
+cockatiel	NOUN
+,	PUNCT
+and	CCONJ
+there	PRON
+are	VERB
+2	NUM
+eggs	NOUN
+in	ADP
+the	DET
+bottom	NOUN
+of	ADP
+the	DET
+cage	NOUN
+,	PUNCT
+will	AUX
+they	PRON
+hatch	VERB
+?	PUNCT
+
+Most	ADV
+likely	ADV
+not	PART
+,	PUNCT
+if	SCONJ
+there	PRON
+is	VERB
+not	PART
+a	DET
+bird	NOUN
+sitting	VERB
+on	ADP
+the	DET
+eggs	NOUN
+.	PUNCT
+
+This	PRON
+is	AUX
+hard	ADJ
+to	PART
+tell	VERB
+.	PUNCT
+
+Cockatiels	NOUN
+can	AUX
+lay	VERB
+unfertilized	ADJ
+eggs	NOUN
+as	ADV
+well	ADV
+.	PUNCT
+
+Just	ADV
+because	SCONJ
+you	PRON
+have	VERB
+a	DET
+male	NOUN
+and	CCONJ
+female	NOUN
+,	PUNCT
+it	PRON
+can	AUX
+not	PART
+be	AUX
+guaranteed	VERB
+the	DET
+two	NUM
+mated	VERB
+.	PUNCT
+
+You	PRON
+can	AUX
+try	VERB
+picking	VERB
+up	ADV
+the	DET
+eggs	NOUN
+and	CCONJ
+holding	VERB
+it	PRON
+up	ADV
+against	ADP
+a	DET
+very	ADV
+bright	ADJ
+light	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+see	VERB
+a	DET
+dark	ADJ
+spot	NOUN
+in	ADP
+the	DET
+egg	NOUN
+,	PUNCT
+that	PRON
+means	VERB
+it	PRON
+is	AUX
+fertilized	ADJ
+and	CCONJ
+will	AUX
+hatch	VERB
+if	SCONJ
+cared	VERB
+for	ADP
+properly	ADV
+.	PUNCT
+
+Have	VERB
+fun	NOUN
+.	PUNCT
+
+Why	ADV
+is	AUX
+the	DET
+city	NOUN
+called	VERB
+Miramar	PROPN
+?	PUNCT
+
+I	PRON
+'m	AUX
+not	PART
+sure	ADJ
+about	ADP
+the	DET
+origin	NOUN
+of	ADP
+the	DET
+name	NOUN
+but	CCONJ
+they	PRON
+are	VERB
+a	DET
+lot	NOUN
+of	ADP
+different	ADJ
+cities	NOUN
+with	ADP
+different	ADJ
+and	CCONJ
+unique	ADJ
+names	NOUN
+like	ADP
+Miramar	PROPN
+so	ADV
+it	PRON
+'s	AUX
+just	ADV
+a	DET
+name	NOUN
+.	PUNCT
+
+There	PRON
+'s	VERB
+lots	NOUN
+of	ADP
+towns	NOUN
+called	VERB
+Miramar	PROPN
+,	PUNCT
+it	PRON
+'d	AUX
+help	VERB
+a	DET
+lot	NOUN
+if	SCONJ
+you	PRON
+listed	VERB
+a	DET
+state	NOUN
+or	CCONJ
+some	DET
+sort	NOUN
+of	ADP
+context	NOUN
+you	PRON
+'re	AUX
+looking	VERB
+for	ADP
+it	PRON
+in	ADP
+.	PUNCT
+
+Here	ADV
+'s	AUX
+two	NUM
+examples	NOUN
+:	PUNCT
+
+There	PRON
+'s	VERB
+a	DET
+Miramar	PROPN
+in	ADP
+Florida	PROPN
+,	PUNCT
+just	ADV
+north	ADV
+of	ADP
+Miami	PROPN
+.	PUNCT
+
+There	PRON
+'s	VERB
+also	ADV
+a	DET
+Miramar	PROPN
+in	ADP
+California	PROPN
+,	PUNCT
+the	DET
+site	NOUN
+of	ADP
+a	DET
+rather	ADV
+large	ADJ
+Air	PROPN
+Force	PROPN
+Base	PROPN
+...	PUNCT
+
+Miramar	PROPN
+California	PROPN
+is	AUX
+a	DET
+bit	NOUN
+north	ADV
+of	ADP
+San	PROPN
+Diego	PROPN
+.	PUNCT
+
+Boy	NOUN
+trouble	NOUN
+?????????????????????????????????????????????????????????	PUNCT
+
+ok	INTJ
+well	INTJ
+i	PRON
+have	VERB
+a	DET
+crush	NOUN
+on	ADP
+2	NUM
+guys	NOUN
+but	CCONJ
+unforchunitly	ADV
+it	PRON
+is	AUX
+almost	ADV
+valentine	PROPN
+s	PART
+day	NOUN
+afnd	CCONJ
+i	PRON
+just	ADV
+broke	VERB
+up	ADP
+with	ADP
+my	PRON
+and	CCONJ
+i	PRON
+have	AUX
+dated	VERB
+one	NUM
+of	ADP
+the	DET
+guys	NOUN
+i	PRON
+like	VERB
+and	CCONJ
+one	NUM
+guy	NOUN
+lives	VERB
+in	ADP
+my	PRON
+naborhood	NOUN
+guy	NOUN
+i	PRON
+need	VERB
+your	PRON
+help	NOUN
+i	PRON
+am	AUX
+a	DET
+girl	NOUN
+but	CCONJ
+i	PRON
+need	VERB
+a	DET
+guy	NOUN
+s	PART
+help	NOUN
+what	PRON
+shoul	AUX
+i	PRON
+do	VERB
+?	PUNCT
+
+amd	CCONJ
+i	PRON
+like	VERB
+2	NUM
+guys	NOUN
+
+well	INTJ
+i	PRON
+d	AUX
+just	ADV
+come	VERB
+straight	ADV
+out	ADV
+and	CCONJ
+tell	VERB
+them	PRON
+how	ADV
+you	PRON
+feel	VERB
+
+it	PRON
+may	AUX
+sound	VERB
+like	ADP
+a	DET
+bad	ADJ
+idea	NOUN
+
+but	CCONJ
+in	ADP
+the	DET
+end	NOUN
+they	PRON
+might	AUX
+feel	VERB
+the	DET
+same	ADJ
+
+just	ADV
+saying	VERB
+most	ADJ
+men	NOUN
+suck	VERB
+!	PUNCT
+
+who	PRON
+se	VERB
+better	ADV
+looking	VERB
+?	PUNCT
+
+can	AUX
+t	PART
+decide	VERB
+ask	VERB
+friends	NOUN
+
+good	ADJ
+luck	NOUN
+
+is	AUX
+gare	PROPN
+montparnasse	PROPN
+storage	PROPN
+still	ADV
+available	ADJ
+?	PUNCT
+
+is	AUX
+it	PRON
+still	ADV
+available	ADJ
+?	PUNCT
+
+because	SCONJ
+i	PRON
+have	AUX
+read	VERB
+that	SCONJ
+there	PRON
+are	VERB
+times	NOUN
+it	PRON
+s	AUX
+not	PART
+available	ADJ
+.	PUNCT
+
+if	SCONJ
+it	PRON
+s	AUX
+not	PART
+available	ADJ
+is	VERB
+there	PRON
+nearby	ADJ
+alternative	NOUN
+to	PART
+store	VERB
+my	PRON
+luggage	NOUN
+?	PUNCT
+
+i	PRON
+m	AUX
+traveling	VERB
+to	ADP
+lourdes	PROPN
+for	ADP
+a	DET
+day	NOUN
+
+ty	INTJ
+
+Hi	INTJ
+,	PUNCT
+
+Yes	INTJ
+storage	NOUN
+for	ADP
+your	PRON
+luggages	NOUN
+is	AUX
+still	ADV
+available	ADJ
+at	ADP
+Gare	PROPN
+Montparnasse	PROPN
+.	PUNCT
+
+Pay	VERB
+attention	NOUN
+,	PUNCT
+altough	SCONJ
+there	PRON
+are	VERB
+automatic	ADJ
+storage	NOUN
+,	PUNCT
+you	PRON
+can	AUX
+only	ADV
+pay	VERB
+with	ADP
+coins	NOUN
+(	PUNCT
+they	PRON
+'re	AUX
+now	ADV
+installing	VERB
+some	DET
+where	ADV
+you	PRON
+'ll	AUX
+be	AUX
+able	ADJ
+to	PART
+pay	VERB
+with	ADP
+credit	NOUN
+card	NOUN
+,	PUNCT
+but	CCONJ
+it	PRON
+'s	AUX
+sporadic	ADJ
+now	ADV
+.	PUNCT
+
+Price	NOUN
+:	PUNCT
+3,40	NUM
+Euros	NOUN
+,	PUNCT
+5	NUM
+Euros	NOUN
+or	CCONJ
+7,5	NUM
+Euros	NOUN
+(	PUNCT
+1	X
+)	PUNCT
+for	ADP
+a	DET
+72	NUM
+heures	NOUN
+lenght	NOUN
+.	PUNCT
+
+i	PRON
+wan	VERB
+na	PART
+meet	VERB
+girls	NOUN
+from	ADP
+san	PROPN
+francisco	PROPN
+i	PRON
+am	AUX
+from	ADP
+mexico	PROPN
+?	PUNCT
+
+i	PRON
+am	AUX
+from	ADP
+mexico	PROPN
+traveling	VERB
+to	ADP
+san	PROPN
+francisco	PROPN
+california	PROPN
+one	NUM
+week	NOUN
+i	PRON
+wan	VERB
+na	PART
+meet	VERB
+american	ADJ
+girls	NOUN
+there	ADV
+where	ADV
+i	PRON
+can	AUX
+find	VERB
+them	PRON
+?	PUNCT
+
+they	PRON
+r	AUX
+open	ADJ
+mind	NOUN
+for	ADP
+talk	NOUN
+?	PUNCT
+
+they	PRON
+will	AUX
+talk	VERB
+to	ADP
+me	PRON
+if	SCONJ
+i	PRON
+am	AUX
+mexican	ADJ
+?	PUNCT
+
+You	PRON
+can	AUX
+find	VERB
+American	ADJ
+girls	NOUN
+all	ADV
+over	ADP
+the	DET
+city	NOUN
+.	PUNCT
+
+As	ADV
+long	ADV
+as	SCONJ
+you	PRON
+are	AUX
+a	DET
+gentleman	NOUN
+and	CCONJ
+treat	VERB
+them	PRON
+with	ADP
+respect	NOUN
+they	PRON
+wo	AUX
+n't	PART
+have	VERB
+any	DET
+problem	NOUN
+talking	VERB
+with	ADP
+you	PRON
+and	CCONJ
+your	PRON
+nationality	NOUN
+will	AUX
+have	VERB
+nothing	PRON
+to	PART
+do	VERB
+with	SCONJ
+how	ADV
+they	PRON
+treat	VERB
+you	PRON
+.	PUNCT
+
+go	VERB
+to	ADP
+LA	PROPN
+after	ADP
+say	INTJ
+11:00	NUM
+search	VERB
+the	DET
+street	NOUN
+corners	NOUN
+btw	ADV
+keep	VERB
+ur	PRON
+wallet	NOUN
+locked	VERB
+up	ADP
+and	CCONJ
+have	VERB
+$	SYM
+200	NUM
+on	ADP
+hand	NOUN
+have	VERB
+a	DET
+gun	NOUN
+just	ADV
+in	ADP
+case	NOUN
+btw	ADV
+
+Going	VERB
+to	ADP
+Fiji	PROPN
+and	CCONJ
+i	PRON
+can	AUX
+not	PART
+wait	VERB
+?	PUNCT
+
+After	ADP
+my	PRON
+last	ADJ
+day	NOUN
+in	ADP
+Sydney	PROPN
+,	PUNCT
+I	PRON
+will	AUX
+be	AUX
+going	VERB
+to	ADP
+Fiji	PROPN
+before	SCONJ
+heading	VERB
+back	ADV
+to	ADP
+the	DET
+states	PROPN
+.	PUNCT
+
+I	PRON
+am	AUX
+staying	VERB
+in	ADP
+Fiji	PROPN
+for	ADP
+four	NUM
+nights	NOUN
+
+1	X
+)	PUNCT
+what	DET
+islad	NOUN
+of	ADP
+Fiji	PROPN
+is	AUX
+a	DET
+good	ADJ
+island	NOUN
+that	PRON
+is	AUX
+not	PART
+TOO	ADV
+far	ADV
+from	ADP
+the	DET
+main	ADJ
+airpart	NOUN
+in	ADP
+Fiji	PROPN
+.	PUNCT
+
+A	DET
+way	NOUN
+I	PRON
+could	AUX
+get	VERB
+there	ADV
+by	ADP
+boat	NOUN
+instead	ADV
+of	SCONJ
+taking	VERB
+another	DET
+plane	NOUN
+ride	NOUN
+
+2	X
+)	PUNCT
+I	PRON
+would	AUX
+like	VERB
+to	PART
+say	VERB
+on	ADP
+a	DET
+island	NOUN
+with	ADP
+an	DET
+a	X
+)	PUNCT
+all	ADV
+inclusive	ADJ
+resort	NOUN
+(	PUNCT
+if	SCONJ
+possible	ADJ
+)	PUNCT
+,	PUNCT
+and	CCONJ
+a	DET
+beach	NOUN
+front	NOUN
+room	NOUN
+
+3	X
+)	PUNCT
+also	ADV
+want	VERB
+an	DET
+island	NOUN
+where	ADV
+I	PRON
+can	AUX
+do	VERB
+fun	ADJ
+activities	NOUN
+,	PUNCT
+rainforest	NOUN
+is	AUX
+a	DET
+must	NOUN
+
+you	PRON
+need	VERB
+to	PART
+bring	VERB
+me	PRON
+next	ADJ
+time	NOUN
+
+If	SCONJ
+you	PRON
+can	AUX
+not	PART
+wait	VERB
+you	PRON
+should	AUX
+book	VERB
+an	DET
+earlier	ADJ
+flight	NOUN
+.	PUNCT
+
+where	ADV
+can	AUX
+I	PRON
+get	VERB
+morcillas	NOUN
+in	ADP
+tampa	PROPN
+bay	PROPN
+,	PUNCT
+I	PRON
+will	AUX
+like	VERB
+the	DET
+argentinian	ADJ
+type	NOUN
+,	PUNCT
+but	CCONJ
+I	PRON
+will	AUX
+to	PART
+try	VERB
+anothers	NOUN
+please	INTJ
+?	PUNCT
+
+I	PRON
+searched	VERB
+all	ADV
+over	ADP
+the	DET
+internet	NOUN
+,	PUNCT
+but	CCONJ
+I	PRON
+could	AUX
+not	PART
+find	VERB
+one	NUM
+place	NOUN
+in	ADP
+Tampa	PROPN
+Bay	PROPN
+that	PRON
+sells	VERB
+morcillas	NOUN
+,	PUNCT
+also	ADV
+known	VERB
+as	ADP
+blood	NOUN
+pudding	NOUN
+,	PUNCT
+black	ADJ
+pudding	NOUN
+and	CCONJ
+blood	NOUN
+sausages	NOUN
+.	PUNCT
+
+I	PRON
+learned	VERB
+that	SCONJ
+morcillas	NOUN
+are	AUX
+basically	ADV
+impossible	ADJ
+to	PART
+find	VERB
+all	ADV
+across	ADP
+the	DET
+North	PROPN
+American	PROPN
+region	NOUN
+.	PUNCT
+
+But	CCONJ
+I	PRON
+did	AUX
+find	VERB
+this	DET
+website	NOUN
+,	PUNCT
+www.igourmet.com	X
+,	PUNCT
+where	ADV
+they	PRON
+sell	VERB
+all	DET
+types	NOUN
+of	ADP
+sausages	NOUN
+,	PUNCT
+including	VERB
+blood	NOUN
+sausages	NOUN
+!	PUNCT
+
+So	ADV
+follow	VERB
+the	DET
+link	NOUN
+at	ADP
+the	DET
+bottom	NOUN
+and	CCONJ
+buy	VERB
+some	DET
+blood	NOUN
+sausages	NOUN
+.	PUNCT
+
+huh	INTJ
+?	PUNCT
+
+yuck	INTJ
+!!	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+know	VERB
+,	PUNCT
+and	CCONJ
+it	PRON
+is	VERB
+because	SCONJ
+I	PRON
+do	AUX
+n't	PART
+like	VERB
+them	PRON
+,	PUNCT
+do	AUX
+you	PRON
+know	VERB
+that	SCONJ
+,	PUNCT
+morcillas	NOUN
+is	AUX
+coagulated	ADJ
+blood	NOUN
+from	ADP
+animals	NOUN
+,	PUNCT
+ewww	INTJ
+
+Is	VERB
+there	PRON
+any	DET
+kind	NOUN
+of	ADP
+public	ADJ
+transport	NOUN
+available	ADJ
+between	ADP
+noida	PROPN
+and	CCONJ
+greater	PROPN
+noida	PROPN
+?	PUNCT
+
+UP	PROPN
+Roadways	PROPN
+buses	NOUN
+ply	VERB
+frequently	ADV
+between	ADP
+Sector	PROPN
+-	PUNCT
+37	NUM
+crossing	VERB
+in	ADP
+Noida	PROPN
+and	CCONJ
+Kasna	PROPN
+in	ADP
+Greater	PROPN
+Noida	PROPN
+,	PUNCT
+passing	VERB
+through	ADP
+Pari	PROPN
+Chowk	PROPN
+.	PUNCT
+
+Apart	ADV
+from	ADP
+these	PRON
+there	PRON
+are	VERB
+numerous	ADJ
+cabs	NOUN
+that	PRON
+ferry	VERB
+passengers	NOUN
+between	ADP
+Sector	PROPN
+-	PUNCT
+37	NUM
+crossing	NOUN
+and	CCONJ
+Pari	PROPN
+Chowk	PROPN
+.	PUNCT
+
+Yes	INTJ
+bus	NOUN
+service	NOUN
+is	AUX
+available	ADJ
+.	PUNCT
+
+it	PRON
+is	AUX
+not	PART
+frequent	ADJ
+.	PUNCT
+
+Hi	INTJ
+,	PUNCT
+
+Yes	INTJ
+dear	NOUN
+,	PUNCT
+You	PRON
+can	AUX
+find	VERB
+lots	NOUN
+of	ADP
+public	ADJ
+transport	NOUN
+options	NOUN
+between	ADP
+Noida	PROPN
+to	ADP
+Greater	PROPN
+Noida	PROPN
+.	PUNCT
+
+There	PRON
+are	VERB
+UP	PROPN
+Govt	PROPN
+.	PUNCT
+
+Buses	NOUN
+,	PUNCT
+DTC	PROPN
+Buses	PROPN
+,	PUNCT
+Call	PROPN
+Center	PROPN
+Cabs	PROPN
+,	PUNCT
+Private	ADJ
+white	ADJ
+line	NOUN
+buses	NOUN
+most	ADV
+frequently	ADV
+running	VERB
+between	ADP
+Noida	PROPN
+and	CCONJ
+Greater	PROPN
+Noida	PROPN
+.	PUNCT
+
+You	PRON
+can	AUX
+find	VERB
+them	PRON
+From	ADP
+Indian	PROPN
+Oil	PROPN
+Building	PROPN
+,	PUNCT
+Sector	PROPN
+-	PUNCT
+37	NUM
+,	PUNCT
+Taj	PROPN
+Express	PROPN
+Road	PROPN
+(	PUNCT
+Bus	PROPN
+Stops	PROPN
+)	PUNCT
+etc.	X
+
+Thanks	NOUN
+,	PUNCT
+
+how	ADV
+can	AUX
+you	PRON
+get	VERB
+wifi	NOUN
+anywhere	ADV
+24	NUM
+/	PUNCT
+7	NUM
+on	ADP
+your	PRON
+apple	PROPN
+ipod	PROPN
+8	NUM
+gb	NOUN
+?	PUNCT
+
+I	PRON
+have	VERB
+wifi	NOUN
+at	ADP
+my	PRON
+house	NOUN
+,	PUNCT
+but	CCONJ
+that	PRON
+s	VERB
+just	ADV
+at	ADP
+my	PRON
+house	NOUN
+...	PUNCT
+is	VERB
+there	PRON
+any	DET
+way	NOUN
+i	PRON
+can	AUX
+buy	VERB
+some	DET
+card	NOUN
+to	PART
+make	VERB
+the	DET
+ipod	PROPN
+itself	PRON
+have	VERB
+wifi	NOUN
+?	PUNCT
+
+i	PRON
+want	VERB
+to	PART
+be	AUX
+able	ADJ
+to	PART
+use	VERB
+it	PRON
+in	ADP
+my	PRON
+car	NOUN
+,	PUNCT
+out	ADV
+n	CCONJ
+about	ADV
+etc	X
+...	PUNCT
+i	PRON
+guess	VERB
+like	ADP
+an	DET
+iphone	NOUN
+,	PUNCT
+but	CCONJ
+that	PRON
+s	VERB
+later	ADV
+on	ADV
+and	CCONJ
+,	PUNCT
+i	PRON
+know	VERB
+what	PRON
+they	PRON
+are	AUX
+so	ADV
+no	DET
+suggestions	NOUN
+on	SCONJ
+just	ADV
+goin	VERB
+out	ADV
+to	PART
+buy	VERB
+one	NUM
+i	PRON
+m	AUX
+talking	VERB
+about	ADP
+right	ADV
+now	ADV
+just	ADV
+for	ADP
+an	DET
+ipod	PROPN
+??.	PUNCT
+
+You	PRON
+got	VERB
+ta	PART
+get	VERB
+an	DET
+iPhone	PROPN
+for	ADP
+3G	NOUN
+...	PUNCT
+only	ADV
+way	NOUN
+...	PUNCT
+actually	ADV
+there	PRON
+is	VERB
+a	DET
+thing	NOUN
+that	PRON
+you	PRON
+pay	VERB
+for	ADP
+monthly	ADV
+that	PRON
+gets	VERB
+wifi	NOUN
+from	ADP
+satellite	NOUN
+and	CCONJ
+you	PRON
+can	AUX
+connect	VERB
+to	ADP
+it	PRON
+anywhere	ADV
+but	CCONJ
+you	PRON
+have	VERB
+to	PART
+Cary	VERB
+it	PRON
+with	ADP
+you	PRON
+
+how	ADV
+are	AUX
+vietnam	PROPN
+and	CCONJ
+Afghanistan	PROPN
+alike	ADJ
+?	PUNCT
+
+and	CCONJ
+different	ADJ
+?	PUNCT
+
+i	PRON
+'m	AUX
+doing	VERB
+a	DET
+report	NOUN
+on	SCONJ
+how	ADV
+afghanistan	PROPN
+and	CCONJ
+Vietam	PROPN
+are	AUX
+different	ADJ
+and	CCONJ
+alike	ADJ
+.	PUNCT
+
+i	PRON
+ve	AUX
+been	AUX
+on	ADP
+the	DET
+internet	NOUN
+for	ADP
+3	NUM
+hours	NOUN
+but	CCONJ
+so	ADV
+far	ADV
+i	PRON
+'ve	AUX
+got	VERB
+nothing	PRON
+.	PUNCT
+
+i	PRON
+need	VERB
+to	PART
+know	VERB
+how	ADV
+they	PRON
+are	AUX
+different	ADJ
+and	CCONJ
+alike	ADJ
+in	ADP
+these	DET
+area's	NOUN
+
+location	NOUN
+and	CCONJ
+the	DET
+impact	NOUN
+of	ADP
+the	DET
+location	NOUN
+
+reasons	NOUN
+for	SCONJ
+going	VERB
+into	ADP
+war	NOUN
+
+Global	ADJ
+reasons	NOUN
+for	ADP
+conflict	NOUN
+
+who	PRON
+fought	VERB
+the	DET
+wars	NOUN
+?	PUNCT
+
+cost	NOUN
+of	ADP
+the	DET
+U.S.	PROPN
+in	ADP
+money	NOUN
+and	CCONJ
+men	NOUN
+?	PUNCT
+
+political	ADJ
+costs	NOUN
+of	ADP
+the	DET
+war	NOUN
+?	PUNCT
+
+impact	NOUN
+of	ADP
+the	DET
+war	NOUN
+on	ADP
+the	DET
+American	ADJ
+people	NOUN
+?	PUNCT
+
+WILL	AUX
+SOMEONE	PRON
+PLZ	INTJ
+HELP	VERB
+ME	PRON
+IT	PRON
+'S	AUX
+DUE	ADJ
+WENSDAY	PROPN
+!?!?!	PUNCT
+:(	SYM
+
+Different	ADJ
+...	PUNCT
+one	NUM
+was	AUX
+in	ADP
+the	DET
+jungle	NOUN
+,	PUNCT
+the	DET
+other	ADJ
+is	AUX
+in	ADP
+the	DET
+high	ADJ
+mountain	NOUN
+deserts	NOUN
+.	PUNCT
+
+Alike	ADJ
+...	PUNCT
+both	DET
+were	AUX
+fought	VERB
+for	ADP
+securities	NOUN
+reasons	NOUN
+by	ADP
+the	DET
+US	PROPN
+(	PUNCT
+no	ADV
+matter	ADV
+what	PRON
+the	DET
+liberal	ADJ
+revisionist	NOUN
+historians	NOUN
+tell	VERB
+you	PRON
+)	PUNCT
+.	PUNCT
+
+What	PRON
+is	AUX
+your	PRON
+cat	NOUN
+s	PART
+name	NOUN
+and	CCONJ
+why	ADV
+did	AUX
+you	PRON
+name	VERB
+him	PRON
+/	PUNCT
+her	PRON
+that	PRON
+?	PUNCT
+
+If	SCONJ
+you	PRON
+HAVE	VERB
+a	DET
+cat	NOUN
+of	ADV
+course	ADV
+.	PUNCT
+
+My	PRON
+cat	NOUN
+s	PART
+name	NOUN
+is	AUX
+Twinky	PROPN
+.	PUNCT
+
+When	ADV
+she	PRON
+was	AUX
+a	DET
+tiny	ADJ
+little	ADJ
+kitten	NOUN
+she	PRON
+looked	VERB
+like	ADP
+those	DET
+twinky	NOUN
+snack	NOUN
+cakes	NOUN
+.	PUNCT
+
+She	PRON
+is	AUX
+a	DET
+creme	ADJ
+tabby	NOUN
+and	CCONJ
+I	PRON
+'ve	AUX
+had	VERB
+her	PRON
+for	ADP
+over	ADP
+2	NUM
+years	NOUN
+now	ADV
+.	PUNCT
+
+I	PRON
+have	AUX
+a	DET
+siamese	ADJ
+lynx	NOUN
+name	VERB
+Star	PROPN
+we	PRON
+called	VERB
+her	PRON
+that	PRON
+because	SCONJ
+she	PRON
+has	VERB
+a	DET
+star	NOUN
+pattern	NOUN
+on	ADP
+her	PRON
+face	NOUN
+.	PUNCT
+
+And	CCONJ
+she	PRON
+is	AUX
+the	DET
+STAR	NOUN
+of	ADP
+the	DET
+family	NOUN
+.	PUNCT
+
+I	PRON
+love	VERB
+her	PRON
+.	PUNCT
+:)	SYM
+
+I	PRON
+have	VERB
+a	DET
+Norwegian	ADJ
+Forest	NOUN
+Cat	NOUN
+that	PRON
+is	AUX
+named	VERB
+Achilles	PROPN
+bc	SCONJ
+as	ADP
+a	DET
+kitten	NOUN
+he	PRON
+always	ADV
+attacked	VERB
+your	PRON
+feet	NOUN
+when	ADV
+you	PRON
+walked	VERB
+by	ADV
+!	PUNCT
+
+My	PRON
+cat	NOUN
+s	AUX
+Called	VERB
+Frank	PROPN
+because	SCONJ
+the	DET
+year	NOUN
+we	PRON
+got	VERB
+him	PRON
+was	AUX
+the	DET
+year	NOUN
+Frank	PROPN
+Sinatra	PROPN
+died	VERB
+
+He	PRON
+also	ADV
+had	VERB
+bright	ADJ
+blue	ADJ
+eyes	NOUN
+like	SCONJ
+Frank	PROPN
+Sinatra	PROPN
+did	VERB
+:)	SYM
+
+what	PRON
+does	AUX
+it	PRON
+mean	VERB
+when	ADV
+a	DET
+veiled	ADJ
+chameleon	NOUN
+egg	NOUN
+is	AUX
+soft	ADJ
+?	PUNCT
+
+my	PRON
+female	ADJ
+chameleon	NOUN
+just	ADV
+laid	VERB
+eggs	NOUN
+yesterday	NOUN
+and	CCONJ
+today	NOUN
+some	DET
+of	ADP
+the	DET
+eggs	NOUN
+are	AUX
+soft	ADJ
+when	ADV
+i	PRON
+mean	VERB
+soft	ADJ
+i	PRON
+mean	VERB
+like	INTJ
+not	PART
+like	ADP
+ordinary	ADJ
+chameleon	NOUN
+eggs	NOUN
+.	PUNCT
+
+They	PRON
+are	AUX
+probably	ADV
+infertile	ADJ
+.	PUNCT
+
+If	SCONJ
+there	PRON
+is	VERB
+no	DET
+male	NOUN
+they	PRON
+are	AUX
+probably	ADV
+infertile	ADJ
+!	PUNCT
+
+If	SCONJ
+you	PRON
+take	VERB
+a	DET
+flash	NOUN
+light	NOUN
+and	CCONJ
+shine	VERB
+it	PRON
+through	ADP
+the	DET
+eggs	NOUN
+and	CCONJ
+you	PRON
+see	VERB
+nothing	PRON
+throw	VERB
+them	PRON
+away	ADP
+!	PUNCT
+
+If	SCONJ
+you	PRON
+do	VERB
+not	PART
+they	PRON
+will	AUX
+start	VERB
+to	PART
+rot	VERB
+!	PUNCT
+
+If	SCONJ
+she	PRON
+has	VERB
+no	DET
+male	NOUN
+to	PART
+fertilize	VERB
+the	DET
+eggs	NOUN
+,	PUNCT
+the	DET
+eggs	NOUN
+will	AUX
+aways	ADV
+be	AUX
+infertile	ADJ
+.	PUNCT
+
+if	SCONJ
+you	PRON
+do	AUX
+have	VERB
+a	DET
+male	NOUN
+but	CCONJ
+they	PRON
+are	AUX
+not	PART
+in	ADP
+the	DET
+same	ADJ
+cage	NOUN
+or	CCONJ
+breeding	VERB
+but	CCONJ
+you	PRON
+touch	VERB
+him	PRON
+then	ADV
+her	PRON
+she	PRON
+will	AUX
+smell	VERB
+his	PRON
+sent	NOUN
+and	CCONJ
+probably	ADV
+lay	VERB
+eggs	NOUN
+.	PUNCT
+
+Hope	VERB
+she	PRON
+stops	VERB
+laying	VERB
+eggs	NOUN
+because	SCONJ
+she	PRON
+will	AUX
+get	VERB
+really	ADV
+skinny	ADJ
+!	PUNCT
+
+If	SCONJ
+she	PRON
+continues	VERB
+!	PUNCT
+
+Hope	VERB
+this	PRON
+helps	VERB
+
+I	PRON
+have	VERB
+24	NUM
+hrs	NOUN
+in	ADP
+San	PROPN
+Francisco	PROPN
+-	PUNCT
+what	PRON
+are	AUX
+the	DET
+best	ADJ
+sights	NOUN
+to	PART
+see	VERB
+in	ADP
+my	PRON
+short	ADJ
+time	NOUN
+?	PUNCT
+
+I	PRON
+have	VERB
+a	DET
+day	NOUN
+stop	NOUN
+-	PUNCT
+over	NOUN
+in	ADP
+San	PROPN
+Francisco	PROPN
+and	CCONJ
+my	PRON
+wife	NOUN
+want	VERB
+to	PART
+see	VERB
+some	DET
+of	ADP
+the	DET
+key	ADJ
+sites	NOUN
+.	PUNCT
+
+We	PRON
+are	AUX
+staying	VERB
+next	ADV
+to	ADP
+the	DET
+airport	NOUN
+which	PRON
+is	AUX
+located	VERB
+next	ADV
+to	ADP
+BARTrail	PROPN
+.	PUNCT
+
+We	PRON
+have	VERB
+limited	ADJ
+time	NOUN
+What	PRON
+are	AUX
+the	DET
+best	ADJ
+sights	NOUN
+to	PART
+see	VERB
+,	PUNCT
+geiven	VERB
+that	SCONJ
+we	PRON
+only	ADV
+have	VERB
+a	DET
+short	ADJ
+time	NOUN
+?	PUNCT
+
+(	PUNCT
+We	PRON
+check	VERB
+in	ADP
+early	ADJ
+afternoon	NOUN
+and	CCONJ
+we	PRON
+fly	VERB
+next	ADJ
+day	NOUN
+.	PUNCT
+)	PUNCT
+
+Hop	VERB
+onto	ADP
+a	DET
+Hop	VERB
+On	ADV
+/	X
+Hop	VERB
+Off	ADV
+bus	NOUN
+.	PUNCT
+
+It	PRON
+'ll	AUX
+take	VERB
+you	PRON
+to	ADP
+all	DET
+the	DET
+major	ADJ
+sites	NOUN
+(	PUNCT
+GG	PROPN
+Bridge	PROPN
+,	PUNCT
+Haight	PROPN
+,	PUNCT
+Chinatown	PROPN
+,	PUNCT
+etc	X
+)	PUNCT
+and	CCONJ
+you	PRON
+can	AUX
+get	VERB
+off	ADV
+anyplace	ADV
+you	PRON
+want	VERB
+to	PART
+spend	VERB
+more	ADJ
+time	NOUN
+at	ADP
+.	PUNCT
+
+Go	VERB
+to	ADP
+Goldstar.com	X
+and	CCONJ
+get	VERB
+tickets	NOUN
+for	ADP
+about	ADV
+a	DET
+third	NOUN
+of	ADP
+the	DET
+price	NOUN
+.	PUNCT
+
+alcatraz	PROPN
+island	NOUN
+
+Take	VERB
+a	DET
+ferry	NOUN
+ride	NOUN
+!!!	PUNCT
+
+It	PRON
+'s	AUX
+an	DET
+amazing	ADJ
+experience	NOUN
+!	PUNCT
+
+Is	AUX
+it	PRON
+better	ADJ
+to	PART
+book	VERB
+a	DET
+cruise	NOUN
+online	ADV
+or	CCONJ
+by	ADP
+a	DET
+travel	NOUN
+agent	NOUN
+?	PUNCT
+
+First	ADJ
+time	NOUN
+to	PART
+go	VERB
+on	ADP
+A	DET
+cruise	NOUN
+any	DET
+and	CCONJ
+all	DET
+info	NOUN
+is	AUX
+appreciated	VERB
+
+Personally	ADV
+,	PUNCT
+I	PRON
+do	AUX
+n't	PART
+find	VERB
+a	DET
+travel	NOUN
+agent	NOUN
+to	PART
+be	AUX
+of	ADP
+value	NOUN
+to	ADP
+me	PRON
+as	SCONJ
+I	PRON
+am	AUX
+willing	ADJ
+to	PART
+put	VERB
+in	ADP
+the	DET
+time	NOUN
+doing	VERB
+research	NOUN
+on	ADP
+the	DET
+internet	NOUN
+.	PUNCT
+
+I	PRON
+have	AUX
+not	PART
+had	VERB
+good	ADJ
+experience	NOUN
+with	ADP
+travel	NOUN
+agents	NOUN
+.	PUNCT
+
+They	PRON
+do	AUX
+n't	PART
+seem	VERB
+to	PART
+know	VERB
+anything	PRON
+but	ADP
+the	DET
+hype	NOUN
+they	PRON
+are	AUX
+told	VERB
+and	CCONJ
+the	DET
+packages	NOUN
+they	PRON
+have	VERB
+available	ADJ
+to	ADP
+them	PRON
+.	PUNCT
+
+The	DET
+one	NUM
+time	NOUN
+I	PRON
+actually	ADV
+booked	VERB
+through	ADP
+a	DET
+travel	NOUN
+agent	NOUN
+I	PRON
+did	AUX
+not	PART
+get	VERB
+all	DET
+of	ADP
+the	DET
+amenities	NOUN
+I	PRON
+had	AUX
+paid	VERB
+for	ADP
+.	PUNCT
+
+The	DET
+few	ADJ
+times	NOUN
+I	PRON
+have	AUX
+consulted	VERB
+with	ADP
+a	DET
+travel	NOUN
+agent	NOUN
+I	PRON
+was	AUX
+able	ADJ
+to	PART
+find	VERB
+the	DET
+same	ADJ
+for	ADP
+less	ADJ
+on	ADP
+my	PRON
+own	ADJ
+,	PUNCT
+and	CCONJ
+more	ADJ
+options	NOUN
+than	SCONJ
+what	PRON
+they	PRON
+were	AUX
+selling	VERB
+.	PUNCT
+
+So	ADV
+now	ADV
+I	PRON
+do	AUX
+not	PART
+bother	VERB
+with	ADP
+them	PRON
+at	ADV
+all	ADV
+.	PUNCT
+
+best	ADJ
+is	AUX
+using	VERB
+an	DET
+online	ADJ
+travel	NOUN
+agent	NOUN
+
+My	PRON
+Hamster	PROPN
+escaped	VERB
+....	PUNCT
+NEED	VERB
+HELP	NOUN
+NOW	ADV
+!?	PUNCT
+
+okay	INTJ
+....	PUNCT
+I	PRON
+have	VERB
+a	DET
+dog	NOUN
+and	CCONJ
+my	PRON
+mother	NOUN
+is	AUX
+really	ADV
+really	ADV
+terrified	ADJ
+of	ADP
+hamsters	NOUN
+.	PUNCT
+
+Well	INTJ
+last	ADJ
+night	NOUN
+while	SCONJ
+I	PRON
+was	AUX
+sleeping	VERB
+,	PUNCT
+my	PRON
+hamster	NOUN
+escaped	VERB
+from	ADP
+his	PRON
+cage	NOUN
+.	PUNCT
+
+He	PRON
+is	AUX
+in	ADP
+my	PRON
+room	NOUN
+,	PUNCT
+but	CCONJ
+there	PRON
+are	VERB
+so	ADV
+many	ADJ
+things	NOUN
+inside	ADP
+there	ADV
+,	PUNCT
+I	PRON
+du	AUX
+n	PART
+no	VERB
+what	PRON
+to	PART
+do	VERB
+.	PUNCT
+
+I	PRON
+have	VERB
+lots	NOUN
+of	ADP
+containers	NOUN
+in	ADP
+there	ADV
+.	PUNCT
+
+Anybody	PRON
+give	VERB
+me	PRON
+ideas	NOUN
+like	ADP
+a	DET
+trap	NOUN
+or	CCONJ
+something	PRON
+?	PUNCT
+
+Find	VERB
+him	PRON
+before	SCONJ
+he	PRON
+finds	VERB
+the	DET
+dog	NOUN
+food	NOUN
+.	PUNCT
+
+I	PRON
+'m	AUX
+not	PART
+kidding	VERB
+,	PUNCT
+I	PRON
+once	ADV
+lost	VERB
+a	DET
+hamster	NOUN
+in	ADP
+my	PRON
+house	NOUN
+3	NUM
+months	NOUN
+later	ADV
+I	PRON
+walk	VERB
+down	ADV
+in	ADP
+the	DET
+basement	NOUN
+and	CCONJ
+it	PRON
+was	AUX
+as	ADV
+big	ADJ
+as	ADP
+a	DET
+rat	NOUN
+.	PUNCT
+
+It	PRON
+had	AUX
+been	AUX
+eating	VERB
+dog	NOUN
+food	NOUN
+the	DET
+whole	ADJ
+time	NOUN
+.	PUNCT
+
+It	PRON
+was	AUX
+huge	ADJ
+and	CCONJ
+scared	VERB
+the	DET
+crap	NOUN
+out	ADP
+of	ADP
+me	PRON
+.	PUNCT
+
+Make	VERB
+sure	ADJ
+he	PRON
+is	AUX
+n't	PART
+trapped	ADJ
+somewhere	ADV
+&	CCONJ
+put	VERB
+a	DET
+bowl	NOUN
+of	ADP
+food	NOUN
+out	ADP
+.	PUNCT
+
+He	PRON
+will	AUX
+come	VERB
+and	CCONJ
+eat	VERB
+
+Start	VERB
+cleaning	VERB
+and	CCONJ
+start	VERB
+looking	VERB
+.	PUNCT
+
+can	AUX
+i	PRON
+have	VERB
+some	DET
+indoor	ADJ
+pet	NOUN
+ideas	NOUN
+please	INTJ
+!!!!!!!!!!!!!?	PUNCT
+
+i	PRON
+want	VERB
+a	DET
+small	ADJ
+indoor	ADJ
+pet	NOUN
+that	PRON
+my	PRON
+mother	NOUN
+will	AUX
+let	VERB
+me	PRON
+have	VERB
+please	INTJ
+help	VERB
+
+i	PRON
+want	VERB
+something	PRON
+cheap	ADJ
+east	ADJ
+to	PART
+take	VERB
+care	NOUN
+of	ADP
+and	CCONJ
+something	PRON
+to	PART
+hopefully	ADV
+fit	VERB
+in	ADP
+my	PRON
+room	NOUN
+
+no	DET
+pet	NOUN
+is	AUX
+really	ADV
+easy	ADJ
+to	PART
+take	VERB
+care	NOUN
+of	ADP
+.	PUNCT
+
+they	PRON
+all	DET
+need	VERB
+love	NOUN
+and	CCONJ
+attn	NOUN
+,	PUNCT
+food	NOUN
+,	PUNCT
+proper	ADJ
+surroundings	NOUN
+etc	X
+.	PUNCT
+
+the	DET
+easiest	ADJ
+thing	NOUN
+would	AUX
+be	AUX
+a	DET
+fish	NOUN
+-	PUNCT
+but	CCONJ
+u	PRON
+need	VERB
+to	PART
+clean	VERB
+the	DET
+tank	NOUN
+weekly	ADV
+,	PUNCT
+feed	VERB
+it	PRON
+the	DET
+right	ADJ
+amt	NOUN
+,	PUNCT
+etc	X
+etc	X
+x	X
+
+Having	VERB
+a	DET
+pet	NOUN
+is	AUX
+n't	PART
+easy	ADJ
+.	PUNCT
+
+You	PRON
+should	AUX
+treat	VERB
+all	DET
+pets	NOUN
+like	ADP
+children	NOUN
+.	PUNCT
+
+They	PRON
+require	VERB
+a	DET
+lot	NOUN
+of	ADP
+attention	NOUN
+or	CCONJ
+they	PRON
+get	VERB
+fussy	ADJ
+and	CCONJ
+tear	VERB
+stuff	NOUN
+up	ADP
+.	PUNCT
+
+If	SCONJ
+you	PRON
+want	VERB
+easy	ADJ
+then	ADV
+go	VERB
+with	ADP
+a	DET
+gold	NOUN
+fish	NOUN
+or	CCONJ
+hamster	NOUN
+.	PUNCT
+
+I	PRON
+would	AUX
+go	VERB
+with	ADP
+a	DET
+small	ADJ
+rodent	NOUN
+such	ADJ
+as	ADP
+a	DET
+mouse	NOUN
+,	PUNCT
+rat	NOUN
+,	PUNCT
+hamster	NOUN
+or	CCONJ
+gerbil	NOUN
+if	SCONJ
+you	PRON
+want	VERB
+something	PRON
+you	PRON
+can	AUX
+handle	VERB
+and	CCONJ
+hold	VERB
+.	PUNCT
+
+Fish	NOUN
+are	AUX
+probably	ADV
+the	DET
+easiest	ADJ
+to	PART
+take	VERB
+care	NOUN
+of	ADP
+though	ADV
+.	PUNCT
+
+french	ADJ
+male	NOUN
+sensuality	NOUN
+?	PUNCT
+
+I	PRON
+ve	AUX
+been	AUX
+dating	VERB
+a	DET
+man	NOUN
+from	ADP
+brittany	PROPN
+france	PROPN
+for	ADP
+a	DET
+couple	NOUN
+of	ADP
+months	NOUN
+now	ADV
+.	PUNCT
+
+He	PRON
+'s	AUX
+been	AUX
+away	ADV
+for	ADP
+a	DET
+week	NOUN
+and	CCONJ
+I	PRON
+was	AUX
+thinking	VERB
+of	SCONJ
+waiting	VERB
+for	ADP
+him	PRON
+in	ADP
+his	PRON
+apartment	NOUN
+wearing	VERB
+only	ADV
+his	PRON
+dress	NOUN
+shirt	NOUN
+.	PUNCT
+
+It	PRON
+s	AUX
+still	ADV
+a	DET
+fairly	ADV
+new	ADJ
+relationship	NOUN
+and	CCONJ
+we	PRON
+have	AUX
+nt	PART
+had	VERB
+sex	NOUN
+yet	ADV
+so	ADV
+it	PRON
+s	AUX
+kind	ADV
+of	ADV
+a	DET
+big	ADJ
+deal	NOUN
+.	PUNCT
+
+I	PRON
+just	ADV
+do	AUX
+nt	PART
+want	VERB
+to	PART
+freak	VERB
+him	PRON
+out	ADP
+or	CCONJ
+make	VERB
+him	PRON
+feel	VERB
+uncomfortable	ADJ
+.	PUNCT
+
+Is	AUX
+it	PRON
+ok	ADJ
+for	SCONJ
+a	DET
+woman	NOUN
+in	ADP
+french	ADJ
+culture	NOUN
+to	PART
+make	VERB
+the	DET
+first	ADJ
+move	NOUN
+?	PUNCT
+
+What	PRON
+do	AUX
+french	ADJ
+men	NOUN
+find	VERB
+sexy	ADJ
+?	PUNCT
+
+French	ADJ
+women	NOUN
+are	AUX
+the	DET
+ones	NOUN
+to	PART
+say	VERB
+yes	INTJ
+,	PUNCT
+the	DET
+way	NOUN
+we	PRON
+say	VERB
+it	PRON
+is	AUX
+not	PART
+usually	ADV
+as	ADV
+straigthforward	ADJ
+as	SCONJ
+you	PRON
+propose	VERB
+to	PART
+do	VERB
+.	PUNCT
+
+Why	ADV
+not	PART
+wait	VERB
+for	ADP
+him	PRON
+in	ADP
+a	DET
+sexy	ADJ
+dress	NOUN
+with	ADP
+lunch	NOUN
+or	CCONJ
+dinner	NOUN
+,	PUNCT
+or	CCONJ
+a	DET
+light	ADJ
+snack	NOUN
+at	ADP
+his	PRON
+house	NOUN
+.	PUNCT
+
+And	CCONJ
+you	PRON
+take	VERB
+it	PRON
+up	ADV
+from	ADP
+there	ADV
+.	PUNCT
+
+Just	ADV
+make	VERB
+sure	ADJ
+that	SCONJ
+it	PRON
+is	AUX
+a	DET
+light	ADJ
+meal	NOUN
+with	ADP
+little	ADJ
+alcohol	NOUN
+.	PUNCT
+
+rug	NOUN
+works	VERB
+for	ADP
+me	PRON
+
+Food	NOUN
+is	AUX
+always	ADV
+good	ADJ
+
+unique	ADJ
+gifts	NOUN
+and	CCONJ
+cards	NOUN
+
+Great	ADJ
+store	NOUN
+great	ADJ
+products	NOUN
+
+I	PRON
+love	VERB
+the	DET
+meat	NOUN
+!	PUNCT
+
+Lovley	ADJ
+food	NOUN
+and	CCONJ
+fab	ADJ
+chips	NOUN
+
+Best	ADJ
+place	NOUN
+to	PART
+sleep	VERB
+!!!!!!!	PUNCT
+
+best	ADJ
+square	ADJ
+slice	NOUN
+around	ADV
+.	PUNCT
+
+Cheapest	ADJ
+drinks	NOUN
+in	ADP
+Keene	PROPN
+!	PUNCT
+
+Over	X
+priced	ADJ
+for	ADP
+Mexican	ADJ
+food	NOUN
+
+very	ADV
+miss	X
+informed	ADJ
+people	NOUN
+!!	PUNCT
+
+Simple	ADJ
+,	PUNCT
+Quick	ADJ
+take	NOUN
+away	NOUN
+.	PUNCT
+
+Wonderful	ADJ
+staff	NOUN
+and	CCONJ
+great	ADJ
+service	NOUN
+!!	PUNCT
+
+best	ADJ
+place	NOUN
+for	ADP
+snowboard	NOUN
+eva	ADV
+.	PUNCT
+
+Good	ADJ
+,	PUNCT
+friendly	ADJ
+,	PUNCT
+reasonable	ADJ
+service	NOUN
+
+The	DET
+food	NOUN
+tasted	VERB
+like	ADP
+rat	NOUN
+feces	NOUN
+
+beware	VERB
+they	PRON
+will	AUX
+rip	VERB
+u	PRON
+off	ADP
+
+No	DET
+service	NOUN
+..	PUNCT
+But	CCONJ
+good	ADJ
+food	NOUN
+..	PUNCT
+
+Favorite	ADJ
+DD	PROPN
+spot	NOUN
+in	ADP
+the	DET
+area	NOUN
+!	PUNCT
+
+A	DET
+most	ADV
+outstanding	ADJ
+,	PUNCT
+professional	ADJ
+firm	NOUN
+.	PUNCT
+
+Well	ADV
+kept	VERB
+facility	NOUN
+with	ADP
+friendly	ADJ
+staff	NOUN
+.	PUNCT
+
+Good	ADJ
+food	NOUN
+and	CCONJ
+coffee	NOUN
+with	ADP
+a	DET
+nice	ADJ
+atmosphere	NOUN
+
+Responsive	ADJ
+,	PUNCT
+kept	VERB
+me	PRON
+apprised	ADJ
+of	ADP
+status	NOUN
+.	PUNCT
+
+Whatever	PRON
+you	PRON
+order	VERB
+,	PUNCT
+you	PRON
+will	AUX
+LOVE	VERB
+!	PUNCT
+
+Good	ADJ
+quality	NOUN
+Indian	ADJ
+food	NOUN
+in	ADP
+a	DET
+pleasant	ADJ
+environment	NOUN
+
+High	ADJ
+guality	NOUN
+pup	NOUN
+food	NOUN
+at	ADP
+a	DET
+good	ADJ
+price	NOUN
+.	PUNCT
+
+Horrible	ADJ
+tap	NOUN
+water	NOUN
+.	PUNCT
+
+But	CCONJ
+no	DET
+other	ADJ
+complaints	NOUN
+.	PUNCT
+
+Easy	ADJ
+registration	NOUN
+,	PUNCT
+helpful	ADJ
+staff	NOUN
+and	CCONJ
+fun	ADJ
+teachers	NOUN
+!	PUNCT
+
+Awesome	ADJ
+bacon	NOUN
+egg	NOUN
+and	CCONJ
+cheese	NOUN
+sandwich	NOUN
+for	ADP
+breakfast	NOUN
+.	PUNCT
+
+The	DET
+World	PROPN
+'s	PART
+Fair	PROPN
+museum	NOUN
+was	AUX
+pretty	ADV
+cool	ADJ
+.	PUNCT
+
+There	PRON
+is	VERB
+no	DET
+delivery	NOUN
+.	PUNCT
+
+There	PRON
+is	VERB
+no	DET
+delivery	NOUN
+.	PUNCT
+
+Great	ADJ
+atmosphere	NOUN
+,	PUNCT
+great	ADJ
+food	NOUN
+.	PUNCT
+
+Definitely	ADV
+a	DET
+must	NOUN
+.	PUNCT
+
+gone	ADJ
+
+library	NOUN
+is	AUX
+closed	ADJ
+.	PUNCT
+
+it	PRON
+is	AUX
+now	ADV
+bislas	PROPN
+.	PUNCT
+
+awesome	ADJ
+bagels	NOUN
+
+long	ADJ
+lines	NOUN
+on	ADP
+the	DET
+weekends	NOUN
+but	CCONJ
+worth	ADJ
+it	PRON
+
+Some	DET
+of	ADP
+the	DET
+nicest	ADJ
+people	NOUN
+and	CCONJ
+very	ADV
+good	ADJ
+work	NOUN
+standards	NOUN
+
+Bad	ADJ
+food	NOUN
+and	CCONJ
+bad	ADJ
+service	NOUN
+!	PUNCT
+
+Save	VERB
+yourself	PRON
+a	DET
+trip	NOUN
+!	PUNCT
+
+Blooming	VERB
+onion	NOUN
+,	PUNCT
+the	DET
+only	ADJ
+reason	NOUN
+to	PART
+visit	VERB
+this	DET
+restaurant	NOUN
+.	PUNCT
+
+He	PRON
+'s	AUX
+great	ADJ
+!	PUNCT
+
+I	PRON
+wo	AUX
+n't	PART
+go	VERB
+to	ADP
+anyone	PRON
+else	ADJ
+.	PUNCT
+
+Fast	ADJ
+and	CCONJ
+affordable	ADJ
+.	PUNCT
+
+Great	ADJ
+job	NOUN
+master	NOUN
+keying	VERB
+our	PRON
+building	NOUN
+.	PUNCT
+
+Retired	VERB
+
+Dr	PROPN
+Joseph	PROPN
+retired	VERB
+.	PUNCT
+
+Dr.	PROPN
+Dorn	PROPN
+is	AUX
+his	PRON
+backup	NOUN
+.	PUNCT
+
+Great	ADJ
+Job	PROPN
+!	PUNCT
+
+Thanks	NOUN
+for	SCONJ
+fixing	VERB
+my	PRON
+garage	NOUN
+door	NOUN
+A	SYM
+++++++++++++++++++	SYM
+
+really	ADV
+amazing	ADJ
+the	DET
+new	ADJ
+and	CCONJ
+exciting	ADJ
+plays	NOUN
+done	VERB
+at	ADP
+this	DET
+theatre	NOUN
+!	PUNCT
+
+No	DET
+meat	NOUN
+on	ADP
+Burger	NOUN
+and	CCONJ
+too	ADV
+much	ADJ
+pepper	NOUN
+.	PUNCT
+
+no	DET
+place	NOUN
+to	PART
+seat	VERB
+
+Hobbs	PROPN
+on	ADP
+Mass	PROPN
+.	PUNCT
+
+Absolutely	ADV
+my	PRON
+favorite	ADJ
+store	NOUN
+in	ADP
+Lawrence	PROPN
+,	PUNCT
+KS	PROPN
+
+Too	ADV
+Expensive	ADJ
+
+The	DET
+food	NOUN
+'s	AUX
+okay	ADJ
+,	PUNCT
+but	CCONJ
+the	DET
+price	NOUN
+is	AUX
+outrageous	ADJ
+.	PUNCT
+
+Nice	ADJ
+and	CCONJ
+quiet	ADJ
+place	NOUN
+with	ADP
+cosy	ADJ
+living	NOUN
+room	NOUN
+just	ADV
+outside	ADP
+the	DET
+city	NOUN
+.	PUNCT
+
+Good	ADJ
+fun	NOUN
+for	ADP
+wing	NOUN
+night	NOUN
+,	PUNCT
+food	NOUN
+eh	INTJ
+,	PUNCT
+beer	NOUN
+list	NOUN
+eh	INTJ
+...	PUNCT
+
+You	PRON
+were	AUX
+extremely	ADV
+polite	ADJ
+and	CCONJ
+professional	ADJ
+.	PUNCT
+
+Very	ADV
+Impressed	ADJ
+.	PUNCT
+
+Great	ADJ
+electrician	NOUN
+.	PUNCT
+
+Prime	ADJ
+rib	NOUN
+was	AUX
+very	ADV
+tough	ADJ
+.	PUNCT
+
+Staff	NOUN
+were	AUX
+pleasant	ADJ
+.	PUNCT
+
+Wo	AUX
+n't	PART
+return	VERB
+.	PUNCT
+
+VINGAS	PROPN
+
+VISAKHA	PROPN
+INDUSTRIAL	PROPN
+GASES	PROPN
+PVT.	PROPN
+LTD.	PROPN
+,	PUNCT
+location	NOUN
+at	ADP
+google	PROPN
+maps	PROPN
+.	PUNCT
+
+Midtown	PROPN
+Reston	PROPN
+has	VERB
+great	ADJ
+location	NOUN
+and	CCONJ
+luxurious	ADJ
+environment	NOUN
+.	PUNCT
+
+Really	ADV
+enjoyed	VERB
+it	PRON
+.	PUNCT
+
+Compare	VERB
+to	ADP
+last	ADJ
+decade	NOUN
+this	DET
+University	PROPN
+is	AUX
+gaining	VERB
+more	ADJ
+prestige	NOUN
+in	ADP
+International	ADJ
+level	NOUN
+
+If	SCONJ
+you	PRON
+'re	AUX
+looking	VERB
+for	ADP
+homestyle	ADJ
+Japanese	ADJ
+food	NOUN
+,	PUNCT
+you	PRON
+ca	AUX
+n't	PART
+beat	VERB
+this	PRON
+
+ok	INTJ
+
+ca	AUX
+n't	PART
+remember	VERB
+good	ADJ
+or	CCONJ
+bad	ADJ
+,	PUNCT
+so	ADV
+it	PRON
+must	AUX
+have	AUX
+been	AUX
+meh	ADJ
+.	PUNCT
+
+Great	ADJ
+job	NOUN
+!	PUNCT
+
+Mercedes	PROPN
+and	CCONJ
+Dan	PROPN
+are	AUX
+very	ADV
+thorough	ADJ
+and	CCONJ
+on	ADP
+top	NOUN
+of	ADP
+everything	PRON
+!	PUNCT
+
+love	VERB
+this	DET
+park	NOUN
+
+this	PRON
+is	AUX
+a	DET
+great	ADJ
+park	NOUN
+to	PART
+have	VERB
+kids	NOUN
+birthday	NOUN
+parties	NOUN
+at	ADP
+!!	PUNCT
+
+Great	ADJ
+service	NOUN
+and	CCONJ
+awesome	ADJ
+prices	NOUN
+.	PUNCT
+
+I	PRON
+get	VERB
+Microdermabrasions	NOUN
+regularly	ADV
+and	CCONJ
+I	PRON
+love	VERB
+the	DET
+environment	NOUN
+
+Great	ADJ
+spot	NOUN
+to	PART
+kick	VERB
+back	ADV
+for	ADP
+a	DET
+cup	NOUN
+of	ADP
+joe	NOUN
+and	CCONJ
+a	DET
+snack	NOUN
+.	PUNCT
+
+Cool	ADJ
+ambience	NOUN
+.	PUNCT
+
+How	ADV
+a	DET
+pizza	NOUN
+place	NOUN
+should	AUX
+be	AUX
+!	PUNCT
+
++	SYM
+there	PRON
+is	VERB
+a	DET
+free	ADJ
+cola	NOUN
+with	ADP
+every	DET
+pizza	NOUN
+.	PUNCT
+
+Pleasure	NOUN
+to	PART
+work	VERB
+with	ADP
+.	PUNCT
+
+The	DET
+experience	NOUN
+with	ADP
+every	DET
+department	NOUN
+has	AUX
+been	AUX
+great	ADJ
+.	PUNCT
+
+No	DET
+complaints	NOUN
+!	PUNCT
+
+Your	PRON
+average	ADJ
+crappy	ADJ
+chain	NOUN
+.	PUNCT
+
+Food	NOUN
+is	AUX
+awful	ADJ
+and	CCONJ
+the	DET
+place	NOUN
+caters	VERB
+to	ADP
+the	DET
+yuppy	NOUN
+crowd	NOUN
+.	PUNCT
+
+great	ADJ
+garage	NOUN
+and	CCONJ
+customer	NOUN
+service	NOUN
+.	PUNCT
+
+great	ADJ
+knowledge	NOUN
+and	CCONJ
+prices	NOUN
+compared	VERB
+to	ADP
+anyone	PRON
+in	ADP
+the	DET
+industry	NOUN
+.	PUNCT
+
+Clean	ADJ
+&	CCONJ
+tidy	ADJ
+with	ADP
+good	ADJ
+atmosphere	NOUN
+&	CCONJ
+pleasant	ADJ
+staff	NOUN
+.	PUNCT
+
+Food	NOUN
+drastically	ADV
+let's	VERB
+the	DET
+place	NOUN
+down	ADP
+though	ADV
+
+This	PRON
+is	AUX
+a	DET
+great	ADJ
+facility	NOUN
+.	PUNCT
+
+Great	ADJ
+instructors	NOUN
+!	PUNCT
+
+Most	ADV
+of	ADP
+all	DET
+,	PUNCT
+my	PRON
+daughter	NOUN
+loves	VERB
+it	PRON
+!	PUNCT
+
+marisol	PROPN
+
+this	DET
+place	NOUN
+is	AUX
+awesome	ADJ
+twelve	PROPN
+did	VERB
+an	DET
+amazing	ADJ
+job	NOUN
+place	NOUN
+is	AUX
+clean	ADJ
+and	CCONJ
+staff	NOUN
+is	AUX
+friendly	ADJ
+
+:)	SYM
+
+I	PRON
+will	AUX
+gladly	ADV
+recommend	VERB
+you	PRON
+to	ADP
+anyone	PRON
+in	ADP
+need	NOUN
+of	ADP
+or	CCONJ
+looking	VERB
+for	ADP
+a	DET
+good	ADJ
+florist	NOUN
+.	PUNCT
+
+A	SYM
+++	SYM
+
+They	PRON
+are	AUX
+by	ADP
+far	ADV
+the	DET
+best	ADJ
+salon	NOUN
+in	ADP
+50	NUM
+miles	NOUN
+,	PUNCT
+Trust	VERB
+me	PRON
+I	PRON
+know	VERB
+!!	PUNCT
+
+Kliotech	PROPN
+
+A	DET
+company	NOUN
+which	PRON
+provide	VERB
+good	ADJ
+quality	NOUN
+portals	NOUN
+,	PUNCT
+E-commerce	NOUN
+solutions	NOUN
+,	PUNCT
+web	NOUN
+based	VERB
+MMOG	NOUN
+...	PUNCT
+etc	X
+
+Remember	VERB
+seeing	VERB
+"	PUNCT
+Stop	VERB
+Making	VERB
+Sense	PROPN
+"	PUNCT
+at	ADP
+Cinema	PROPN
+21	NUM
+multiple	ADJ
+times	NOUN
+!	PUNCT
+
+YAY	INTJ
+,	PUNCT
+great	ADJ
+theater	NOUN
+!!!	PUNCT
+
+LOCATION	NOUN
+HAS	AUX
+CLOSED	VERB
+.	PUNCT
+
+HAS	AUX
+MOVED	VERB
+TO	ADP
+4783	NUM
+Bay	PROPN
+Rd	PROPN
+Saginaw	PROPN
+,	PUNCT
+Michigan	PROPN
+48604	NUM
+(	PUNCT
+989	NUM
+)	PUNCT
+755-1109	NUM
+
+Excellent	ADJ
+service	NOUN
+,	PUNCT
+close	ADJ
+to	ADP
+the	DET
+morse	PROPN
+red	PROPN
+line	PROPN
+stop	NOUN
+.	PUNCT
+
+Great	ADJ
+computer	NOUN
+repair	NOUN
+store	NOUN
+,	PUNCT
+highly	ADV
+recommended	VERB
+.	PUNCT
+
+excellent	ADJ
+!	PUNCT
+
+answered	VERB
+all	DET
+my	PRON
+questions	NOUN
+,	PUNCT
+and	CCONJ
+called	VERB
+me	PRON
+back	ADV
+when	ADV
+I	PRON
+needed	VERB
+something	PRON
+.	PUNCT
+
+highly	ADV
+recommended	VERB
+!	PUNCT
+
+Rooms	NOUN
+were	AUX
+outdated	ADJ
+,	PUNCT
+dirty	ADJ
+,	PUNCT
+and	CCONJ
+small	ADJ
+.	PUNCT
+
+Service	NOUN
+was	AUX
+horrible	ADJ
+.	PUNCT
+
+Go	VERB
+down	ADV
+1	NUM
+block	NOUN
+to	ADP
+Super	PROPN
+8	PROPN
+.	PUNCT
+
+Great	ADJ
+Family	NOUN
+Fun	NOUN
+and	CCONJ
+Bonding	NOUN
+
+What	PRON
+more	ADJ
+can	AUX
+be	AUX
+said	VERB
+:	PUNCT
+"	PUNCT
+Burch	PROPN
+'s	PART
+Karate	PROPN
+is	AUX
+the	DET
+GREATEST	ADJ
+!	PUNCT
+"	PUNCT
+
+Not	PART
+friendly	ADJ
+,	PUNCT
+not	PART
+helpful	ADJ
+,	PUNCT
+overall	ADV
+poor	ADJ
+customer	NOUN
+service	NOUN
+.	PUNCT
+
+Definitely	ADV
+not	PART
+going	VERB
+to	PART
+purchase	VERB
+a	DET
+car	NOUN
+from	ADP
+here	ADV
+.	PUNCT
+
+Very	ADV
+hard	ADJ
+work	NOUN
+from	ADP
+the	DET
+boys	NOUN
+in	ADP
+blue	ADJ
+there	ADV
+!	PUNCT
+
+Brilll	ADJ
+.	PUNCT
+
+Very	ADV
+hard	ADJ
+work	NOUN
+from	ADP
+the	DET
+boys	NOUN
+in	ADP
+blue	ADJ
+there	ADV
+!	PUNCT
+
+You	PRON
+are	AUX
+the	DET
+best	ADJ
+!	PUNCT
+
+Just	ADV
+received	VERB
+from	ADP
+your	PRON
+flower	NOUN
+store	NOUN
+.	PUNCT
+
+They	PRON
+are	AUX
+sooooo	ADV
+beautiful	ADJ
+.	PUNCT
+
+Thank	VERB
+you	PRON
+guys	NOUN
+.	PUNCT
+
+Aweesome	ADJ
+
+Holy	ADJ
+cow	NOUN
+was	AUX
+that	PRON
+a	DET
+delicious	ADJ
+meal	NOUN
+.	PUNCT
+
+Hot	ADJ
+,	PUNCT
+fresh	ADJ
+,	PUNCT
+delicious	ADJ
+.	PUNCT
+
+Loved	VERB
+every	DET
+bit	NOUN
+of	ADP
+it	PRON
+.	PUNCT
+:)	SYM
+
+Wrong	ADJ
+Information	NOUN
+
+The	DET
+address	NOUN
+is	AUX
+for	ADP
+Noida	PROPN
+Location	NOUN
+not	ADV
+for	ADP
+Gurgaon	PROPN
+Location	NOUN
+.	PUNCT
+
+Please	INTJ
+update	VERB
+this	DET
+listing	NOUN
+in	ADP
+you	PRON
+database	NOUN
+.	PUNCT
+
+Beautiful	ADJ
+hotel	NOUN
+!	PUNCT
+
+Great	ADJ
+service	NOUN
+-	PUNCT
+high	ADJ
+class	NOUN
+!	PUNCT
+
+Shuttle	NOUN
+available	ADJ
+to	ADP
+a	DET
+private	ADJ
+beach	NOUN
+area	NOUN
+with	ADP
+food	NOUN
+/	PUNCT
+drinks	NOUN
+/	PUNCT
+towels	NOUN
+.	PUNCT
+
+great	ADJ
+!	PUNCT
+
+I	PRON
+go	VERB
+Disco	NOUN
+dancing	VERB
+and	CCONJ
+Cheerleading	VERB
+.	PUNCT
+
+It	PRON
+s	AUX
+fab	ADJ
+!	PUNCT
+
+so	ADV
+go	VERB
+and	CCONJ
+get	VERB
+dancing	VERB
+!!!!!!!!!!!!!!!!!!!!!!!!!	PUNCT
+
+By	ADP
+samantha	PROPN
+Fox	PROPN
+
+Great	ADJ
+School	NOUN
+!	PUNCT
+
+Teachers	NOUN
+good	ADJ
+Diverse	ADJ
+student	NOUN
+body	NOUN
+(	PUNCT
+African	ADJ
+-	PUNCT
+American	ADJ
+,	PUNCT
+Asian	ADJ
+,	PUNCT
+ect.	X
+)	PUNCT
+equals	VERB
+kids	NOUN
+staying	VERB
+here	ADV
+!	PUNCT
+
+$	SYM
+9.62	NUM
+excluding	VERB
+tip	NOUN
+with	ADP
+water	NOUN
+to	PART
+drink	VERB
+for	ADP
+the	DET
+buffet	NOUN
+.	PUNCT
+
+Worst	ADJ
+buffet	NOUN
+period	NOUN
+by	ADP
+far	ADV
+.	PUNCT
+
+I	PRON
+want	VERB
+my	PRON
+money	NOUN
+back	ADV
+!	PUNCT
+
+They	PRON
+did	VERB
+a	DET
+vehicle	NOUN
+wrap	NOUN
+for	ADP
+my	PRON
+Toyota	PROPN
+Venza	PROPN
+that	PRON
+looks	VERB
+amazing	ADJ
+.	PUNCT
+
+They	PRON
+also	ADV
+do	VERB
+banners	NOUN
+,	PUNCT
+billboards	NOUN
+and	CCONJ
+lots	NOUN
+more	ADJ
+.	PUNCT
+
+This	PRON
+is	AUX
+the	DET
+best	ADJ
+Mediterranean	ADJ
+Restaurant	NOUN
+in	ADP
+the	DET
+West	PROPN
+Valley	PROPN
+,	PUNCT
+I	PRON
+have	VERB
+friend	NOUN
+who	PRON
+drive	VERB
+from	ADP
+central	ADJ
+Phx	PROPN
+to	PART
+come	VERB
+here	ADV
+.	PUNCT
+
+The	DET
+best	ADJ
+pizza	NOUN
+ever	ADV
+i	PRON
+m	AUX
+fat	ADJ
+so	ADV
+i	PRON
+ve	AUX
+had	VERB
+a	DET
+ton	NOUN
+of	ADP
+pizza	NOUN
+other	ADJ
+than	ADP
+pizza	NOUN
+from	ADP
+chicago	PROPN
+it	PRON
+s	AUX
+the	DET
+best	ADJ
+
+WONDERFUL	ADJ
+service	NOUN
+.	PUNCT
+
+I	PRON
+have	AUX
+used	VERB
+them	PRON
+once	ADV
+and	CCONJ
+will	AUX
+use	VERB
+them	PRON
+in	ADP
+the	DET
+future	NOUN
+.	PUNCT
+
+Beautiful	ADJ
+work	NOUN
+,	PUNCT
+fast	ADJ
+shipping	NOUN
+and	CCONJ
+great	ADJ
+communication	NOUN
+.	PUNCT
+
+They	PRON
+are	AUX
+out	ADP
+of	ADP
+business	NOUN
+.	PUNCT
+
+Nice	ADJ
+people	NOUN
+...	PUNCT
+I	PRON
+hear	VERB
+.	PUNCT
+
+Calls	NOUN
+are	AUX
+now	ADV
+forwarded	VERB
+to	ADP
+Malcolm	PROPN
+Smith	PROPN
+Motorsports	PROPN
+down	ADP
+the	DET
+road	NOUN
+.	PUNCT
+
+professional	ADJ
+
+Good	ADJ
+job	NOUN
+very	ADV
+professional	ADJ
+.	PUNCT
+
+It	PRON
+made	VERB
+me	PRON
+feel	VERB
+good	ADJ
+to	PART
+see	VERB
+people	NOUN
+work	VERB
+so	ADV
+hard	ADV
+to	PART
+take	VERB
+care	NOUN
+of	ADP
+others	NOUN
+belongings	NOUN
+.	PUNCT
+
+Not	PART
+a	DET
+clothing	NOUN
+store	NOUN
+
+Be	AUX
+more	ADV
+careful	ADJ
+when	ADV
+you	PRON
+write	VERB
+reviews	NOUN
+-	PUNCT
+this	PRON
+is	AUX
+an	DET
+accounting	NOUN
+group	NOUN
+,	PUNCT
+not	ADV
+Hollister	PROPN
+the	DET
+clothing	NOUN
+store	NOUN
+.	PUNCT
+
+Favorite	ADJ
+Restaurant	NOUN
+
+Best	ADJ
+yellow	ADJ
+curry	NOUN
+that	PRON
+I	PRON
+have	AUX
+ever	ADV
+tasted	VERB
+.	PUNCT
+
+Staff	NOUN
+is	AUX
+super	ADV
+friendly	ADJ
+and	CCONJ
+very	ADV
+attentive	ADJ
+.	PUNCT
+
+Price	NOUN
+is	AUX
+also	ADV
+very	ADV
+reasonable	ADJ
+.	PUNCT
+
+Great	ADJ
+service	NOUN
+
+A	DET
+very	ADV
+well	ADV
+established	VERB
+service	NOUN
+with	ADP
+a	DET
+satisfying	ADJ
+outcome	NOUN
+.	PUNCT
+
+A	DET
+well	ADV
+communicated	VERB
+and	CCONJ
+will	AUX
+be	AUX
+hireing	VERB
+again	ADV
+for	ADP
+another	DET
+projects	NOUN
+......	PUNCT
+
+Thanks	NOUN
+
+I	PRON
+heard	VERB
+the	DET
+libido	NOUN
+band	NOUN
+play	VERB
+live	ADV
+and	CCONJ
+they	PRON
+are	AUX
+out	ADP
+of	ADP
+site	NOUN
+!!	PUNCT
+
+I	PRON
+will	AUX
+be	AUX
+calling	VERB
+tropics	NOUN
+for	ADP
+my	PRON
+companie	NOUN
+s	PART
+next	ADJ
+event	NOUN
+!	PUNCT
+
+A	DET
+good	ADJ
+cut	NOUN
+!	PUNCT
+
+Cécile	PROPN
+is	AUX
+a	DET
+hairdresser	NOUN
+and	CCONJ
+has	AUX
+just	ADV
+moved	VERB
+into	ADP
+the	DET
+neighbourhood	NOUN
+.	PUNCT
+
+I	PRON
+go	VERB
+to	PART
+see	VERB
+her	PRON
+to	PART
+have	VERB
+my	PRON
+hair	NOUN
+cut	VERB
+.	PUNCT
+
+Clean	ADJ
+rooms	NOUN
+,	PUNCT
+great	ADJ
+for	ADP
+the	DET
+price	NOUN
+and	CCONJ
+cheapest	ADJ
+on	ADP
+the	DET
+exit	NOUN
+.	PUNCT
+
+The	DET
+front	NOUN
+desk	NOUN
+staff	NOUN
+was	AUX
+very	ADV
+pleasant	ADJ
+and	CCONJ
+efficient	ADJ
+.	PUNCT
+
+Serves	VERB
+FREE	ADJ
+breakfast	NOUN
+!	PUNCT
+
+Buyer	NOUN
+Beware	VERB
+!!	PUNCT
+
+Rusted	VERB
+out	ADP
+and	CCONJ
+unsafe	ADJ
+cars	NOUN
+sold	VERB
+here	ADV
+!	PUNCT
+
+Have	VERB
+a	DET
+real	ADJ
+mechanic	NOUN
+check	VERB
+before	SCONJ
+you	PRON
+buy	VERB
+!!!!	PUNCT
+
+Save	VERB
+money	NOUN
+and	CCONJ
+go	VERB
+somewhere	ADV
+else	ADV
+!	PUNCT
+
+Great	ADJ
+place	NOUN
+for	ADP
+embroidery	NOUN
+.	PUNCT
+
+Service	NOUN
+was	AUX
+friendly	ADJ
+and	CCONJ
+VERY	ADV
+fast	ADJ
+.	PUNCT
+
+I	PRON
+purchased	VERB
+four	NUM
+gift	NOUN
+items	NOUN
+there	ADV
+and	CCONJ
+had	VERB
+them	PRON
+all	DET
+embroidered	VERB
+within	ADP
+a	DET
+week	NOUN
+.	PUNCT
+
+They	PRON
+have	VERB
+good	ADJ
+sushi	NOUN
+for	ADP
+a	DET
+good	ADJ
+price	NOUN
+.	PUNCT
+
+My	PRON
+favorite	NOUN
+so	ADV
+far	ADV
+in	ADP
+Bellevue	PROPN
+.	PUNCT
+
+Store	NOUN
+is	AUX
+on	ADP
+the	DET
+small	ADJ
+side	NOUN
+and	CCONJ
+atmosphere	NOUN
+is	AUX
+just	ADV
+average	ADJ
+.	PUNCT
+
+It	PRON
+'s	AUX
+now	ADV
+called	VERB
+Sushi	PROPN
+Lover	PROPN
+.	PUNCT
+
+Food	NOUN
+is	AUX
+just	ADV
+okay	ADJ
+..	PUNCT
+wo	AUX
+n't	PART
+crave	VERB
+it	PRON
+,	PUNCT
+but	CCONJ
+would	AUX
+n't	PART
+mind	VERB
+coming	VERB
+back	ADV
+for	ADP
+a	DET
+quick	ADJ
+meal	NOUN
+.	PUNCT
+
+Good	ADJ
+food	NOUN
+and	CCONJ
+very	ADV
+friendly	ADJ
+staff	NOUN
+.	PUNCT
+
+Very	ADV
+good	ADJ
+with	ADP
+my	PRON
+5	NUM
+year	NOUN
+old	ADJ
+daughter	NOUN
+.	PUNCT
+
+Interesting	ADJ
+good	ADJ
+value	NOUN
+wine	NOUN
+list	NOUN
+to	ADV
+.	PUNCT
+
+Beer	NOUN
+a	DET
+bit	NOUN
+expensive	ADJ
+.	PUNCT
+
+Brain	NOUN
+Dead	ADJ
+
+Not	ADV
+only	ADV
+are	AUX
+these	DET
+people	NOUN
+completely	ADV
+inefficient	ADJ
+and	CCONJ
+ineffective	ADJ
+,	PUNCT
+but	CCONJ
+they	PRON
+just	ADV
+do	AUX
+n't	PART
+give	VERB
+a	DET
+darn	NOUN
+.	PUNCT
+
+This	DET
+place	NOUN
+is	AUX
+a	DET
+complete	ADJ
+embarrassment	NOUN
+.	PUNCT
+
+My	PRON
+favorite	ADJ
+place	NOUN
+to	PART
+eat	VERB
+.	PUNCT
+
+The	DET
+Atmosphere	NOUN
+is	AUX
+the	DET
+best	ADJ
+..	PUNCT
+Italian	ADJ
+music	NOUN
+,	PUNCT
+candles	NOUN
+,	PUNCT
+helpful	ADJ
+and	CCONJ
+friendly	ADJ
+staff	NOUN
+...	PUNCT
+And	CCONJ
+the	DET
+food	NOUN
+is	AUX
+beautiful	ADJ
+too	ADV
+!	PUNCT
+
+Excellent	ADJ
+piano	NOUN
+lessons	NOUN
+
+I	PRON
+'m	AUX
+very	ADV
+happy	ADJ
+with	ADP
+the	DET
+piano	NOUN
+lessons	NOUN
+Mrs.	PROPN
+Lynda	PROPN
+Mcmanus	PROPN
+taught	VERB
+me	PRON
+.	PUNCT
+
+Now	ADV
+I	PRON
+'m	AUX
+able	ADJ
+to	PART
+play	VERB
+the	DET
+piano	NOUN
+pretty	ADV
+well	ADV
+.	PUNCT
+
+Excellent	ADJ
+Pizza	NOUN
+!!	PUNCT
+
+It	PRON
+s	AUX
+the	DET
+only	ADJ
+pizza	NOUN
+place	NOUN
+I	PRON
+recommend	VERB
+in	ADP
+Woodland	PROPN
+Hills	PROPN
+.	PUNCT
+
+Yum	INTJ
+.	PUNCT
+
+My	PRON
+wife	NOUN
+and	CCONJ
+kids	NOUN
+ca	AUX
+n't	PART
+get	VERB
+enough	ADJ
+.	PUNCT
+
+Highly	ADV
+recommended	VERB
+.	PUNCT
+
+Worst	ADJ
+place	NOUN
+flour	NOUN
+tortillas	NOUN
+are	AUX
+always	ADV
+hard	ADJ
+the	DET
+beef	NOUN
+enchiladas	NOUN
+are	AUX
+discussing	ADJ
+meat	NOUN
+all	ADV
+over	X
+cooked	VERB
+was	AUX
+good	ADJ
+many	ADJ
+yrs	NOUN
+ago	ADV
+but	CCONJ
+restaurant	NOUN
+has	AUX
+gone	VERB
+down	X
+hill	ADV
+
+I	PRON
+'m	AUX
+really	ADV
+surprised	VERB
+by	ADP
+the	DET
+negative	ADJ
+reviews	NOUN
+.	PUNCT
+
+We	PRON
+'ve	AUX
+had	VERB
+about	ADV
+5	NUM
+repairs	NOUN
+done	VERB
+on	ADP
+3	NUM
+different	ADJ
+laptops	NOUN
+.	PUNCT
+
+They	PRON
+'ve	AUX
+always	ADV
+been	AUX
+timely	ADJ
+and	CCONJ
+inexpensive	ADJ
+.	PUNCT
+
+Awsome	ADJ
+!	PUNCT
+
+Great	ADJ
+food	NOUN
+cheap	ADJ
+
+Every	DET
+thing	NOUN
+here	ADV
+is	AUX
+good	ADJ
+.	PUNCT
+
+Fish	NOUN
+tacos	NOUN
+are	AUX
+my	PRON
+fave	NOUN
+simple	ADJ
+and	CCONJ
+filling	ADJ
+Highly	ADV
+recommend	VERB
+Mi	PROPN
+Pueblo	PROPN
+.	PUNCT
+
+Gets	VERB
+busy	ADJ
+so	ADV
+come	VERB
+early	ADV
+
+Good	ADJ
+local	ADJ
+bike	NOUN
+shop	NOUN
+
+Good	ADJ
+local	ADJ
+bike	NOUN
+shop	NOUN
+.	PUNCT
+
+Jason	PROPN
+and	CCONJ
+the	DET
+boys	NOUN
+can	AUX
+do	VERB
+about	ADV
+anything	PRON
+you	PRON
+need	VERB
+.	PUNCT
+
+The	DET
+shop	NOUN
+is	AUX
+located	VERB
+just	ADV
+off	ADP
+the	DET
+river	PROPN
+road	PROPN
+.	PUNCT
+
+Best	ADJ
+Pizzas	NOUN
+and	CCONJ
+Calzones	NOUN
+in	ADP
+the	DET
+City	NOUN
+!	PUNCT
+
+What	DET
+a	DET
+hidden	ADJ
+gem	NOUN
+!	PUNCT
+
+The	DET
+food	NOUN
+is	AUX
+superb	ADJ
+and	CCONJ
+they	PRON
+were	AUX
+delivered	VERB
+nice	ADJ
+and	CCONJ
+hot	ADJ
+!	PUNCT
+
+I	PRON
+highly	ADV
+recommend	VERB
+this	DET
+place	NOUN
+!	PUNCT
+
+This	DET
+place	NOUN
+is	VERB
+clean	ADJ
+and	CCONJ
+well	ADV
+run	VERB
+with	ADP
+great	ADJ
+people	NOUN
+.	PUNCT
+
+The	DET
+food	NOUN
+is	AUX
+fresh	ADJ
+and	CCONJ
+taste	VERB
+great	ADJ
+.	PUNCT
+
+Great	ADJ
+value	NOUN
+and	CCONJ
+service	NOUN
+.	PUNCT
+
+We	PRON
+will	AUX
+be	VERB
+back	ADV
+again	ADV
+and	CCONJ
+again	ADV
+!!	PUNCT
+
+Great	ADJ
+Service	NOUN
+and	CCONJ
+hairstyles	NOUN
+that	PRON
+last	VERB
+.	PUNCT
+
+I	PRON
+am	AUX
+pleased	ADJ
+with	ADP
+the	DET
+service	NOUN
+that	PRON
+i	PRON
+get	VERB
+at	ADP
+Luxe	PROPN
+.	PUNCT
+
+The	DET
+staff	NOUN
+is	AUX
+very	ADV
+pleasant	ADJ
+and	CCONJ
+my	PRON
+hair	NOUN
+is	AUX
+always	ADV
+fresh	ADJ
+.	PUNCT
+
+Nice	ADJ
+teachers	NOUN
+good	ADJ
+school	NOUN
+
+They	PRON
+are	AUX
+very	ADV
+good	ADJ
+teachers	NOUN
+and	CCONJ
+nice	ADJ
+people	NOUN
+to	PART
+meet	VERB
+here	ADV
+.	PUNCT
+
+I	PRON
+enjoyed	VERB
+very	ADV
+much	ADV
+to	PART
+study	VERB
+here	ADV
+.	PUNCT
+
+A	DET
+good	ADJ
+place	NOUN
+to	PART
+improve	VERB
+your	PRON
+English	PROPN
+
+Great	ADJ
+Neighborhood	NOUN
+Hangout	NOUN
+
+Great	ADJ
+place	NOUN
+to	PART
+catch	VERB
+a	DET
+band	NOUN
+or	CCONJ
+catch	VERB
+up	ADP
+with	ADP
+friends	NOUN
+.	PUNCT
+
+Ice	ADJ
+cold	ADJ
+beer	NOUN
+and	CCONJ
+good	ADJ
+prices	NOUN
+.	PUNCT
+
+Kitchen	NOUN
+puts	VERB
+out	ADV
+good	ADJ
+food	NOUN
+and	CCONJ
+has	VERB
+daily	ADJ
+specials	NOUN
+.	PUNCT
+
+Poor	ADJ
+Service	NOUN
+
+After	SCONJ
+firing	VERB
+this	DET
+company	NOUN
+my	PRON
+next	ADJ
+pool	NOUN
+service	NOUN
+found	VERB
+the	DET
+filters	NOUN
+had	AUX
+not	PART
+been	AUX
+cleaned	VERB
+as	SCONJ
+they	PRON
+should	AUX
+have	AUX
+been	AUX
+.	PUNCT
+
+I	PRON
+would	AUX
+recommend	VERB
+not	ADV
+using	VERB
+this	DET
+company	NOUN
+.	PUNCT
+
+Buyer	NOUN
+beware	VERB
+
+Do	AUX
+not	PART
+use	VERB
+these	DET
+guys	NOUN
+.	PUNCT
+
+They	PRON
+'ll	AUX
+tell	VERB
+you	PRON
+one	NUM
+thing	NOUN
+then	ADV
+$	SYM
+5,000	NUM
+later	ADV
+do	VERB
+another	DET
+.	PUNCT
+
+Lied	VERB
+right	ADV
+to	ADP
+my	PRON
+face	NOUN
+then	ADV
+denied	VERB
+it	PRON
+.	PUNCT
+
+Run	VERB
+away	ADV
+.	PUNCT
+
+Great	ADJ
+service	NOUN
+
+I	PRON
+had	VERB
+a	DET
+dead	ADJ
+battery	NOUN
+last	ADJ
+week	NOUN
+and	CCONJ
+called	VERB
+this	DET
+company	NOUN
+since	SCONJ
+they	PRON
+were	AUX
+the	DET
+closest	ADJ
+they	PRON
+had	VERB
+very	ADV
+quick	ADJ
+service	NOUN
+for	ADP
+a	DET
+Monday	PROPN
+morning	NOUN
+,	PUNCT
+thanks	NOUN
+again	ADV
+guys	NOUN
+.	PUNCT
+
+I	PRON
+won	VERB
+a	DET
+golf	NOUN
+lesson	NOUN
+certificate	NOUN
+with	ADP
+Adz	PROPN
+through	ADP
+a	DET
+charity	NOUN
+auction	NOUN
+.	PUNCT
+
+The	DET
+lesson	NOUN
+was	AUX
+donated	VERB
+by	ADP
+the	DET
+teacher	NOUN
+Adz	PROPN
+.	PUNCT
+
+So	ADV
+i	PRON
+booked	VERB
+the	DET
+lesson	NOUN
+and	CCONJ
+loved	VERB
+it	PRON
+.	PUNCT
+
+Great	ADJ
+teacher	NOUN
+.	PUNCT
+
+SERVERS	NOUN
+
+When	ADV
+my	PRON
+server	NOUN
+crashed	VERB
+,	PUNCT
+Greg	PROPN
+worked	VERB
+from	ADP
+7	NUM
+PM	NOUN
+until	ADP
+4	NUM
+AM	NOUN
+and	CCONJ
+had	VERB
+my	PRON
+company	NOUN
+up	ADV
+and	CCONJ
+running	VERB
+the	DET
+next	ADJ
+morning	NOUN
+.	PUNCT
+
+That	PRON
+'s	VERB
+what	PRON
+I	PRON
+call	VERB
+customer	NOUN
+service	NOUN
+!	PUNCT
+
+It	PRON
+'s	AUX
+fine	ADJ
+for	ADP
+...	PUNCT
+
+It	PRON
+'s	AUX
+fine	ADJ
+for	ADP
+mass	ADJ
+-	PUNCT
+market	NOUN
+chocolate	NOUN
+,	PUNCT
+but	CCONJ
+with	ADP
+companies	NOUN
+like	ADP
+Scharffen	PROPN
+Berger	PROPN
+,	PUNCT
+TCHO	PROPN
+,	PUNCT
+and	CCONJ
+smaller	ADJ
+artisan	NOUN
+chocolate	NOUN
+makers	NOUN
+in	ADP
+the	DET
+area	NOUN
+,	PUNCT
+why	ADV
+?	PUNCT
+
+Rip	NOUN
+Off	NOUN
+!	PUNCT
+
+45	NUM
+p	NOUN
+for	ADP
+tap	NOUN
+water	NOUN
+!	PUNCT
+
+Ridiculous	ADJ
+!	PUNCT
+
+Do	AUX
+n't	PART
+think	VERB
+I	PRON
+'ve	AUX
+ever	ADV
+been	AUX
+charged	VERB
+before	ADV
+.	PUNCT
+
+Oh	INTJ
+,	PUNCT
+and	CCONJ
+salad	NOUN
+cream	NOUN
+,	PUNCT
+not	CCONJ
+mayonnaise	NOUN
+,	PUNCT
+on	ADP
+the	DET
+coleslaw	NOUN
+.	PUNCT
+
+Avoid	VERB
+!	PUNCT
+
+Slice	PROPN
+Pizza	PROPN
+at	ADP
+former	ADJ
+Britt	PROPN
+'s	PART
+Location	NOUN
+
+Britt	PROPN
+'s	PART
+Pizza	PROPN
+is	AUX
+long	ADV
+gone	ADJ
+.	PUNCT
+
+Their	PRON
+location	NOUN
+,	PUNCT
+the	DET
+northwest	NOUN
+corner	NOUN
+of	ADP
+S.	PROPN
+10th	PROPN
+&	CCONJ
+Federal	PROPN
+Sts.	PROPN
+,	PUNCT
+is	AUX
+now	ADV
+home	NOUN
+to	ADP
+Slice	PROPN
+Pizza	PROPN
+.	PUNCT
+
+VERYYYY	ADV
+!!!!	PUNCT
+VERYYY	ADV
+!!	PUNCT
+Good	ADJ
+auto	NOUN
+repair	NOUN
+men	NOUN
+.	PUNCT
+
+Do	VERB
+the	DET
+job	NOUN
+honest	ADV
+and	CCONJ
+quickly	ADV
+as	SCONJ
+possible	ADJ
+.	PUNCT
+
+Would	AUX
+100	NUM
+%	SYM
+recomend	VERB
+to	ADP
+others	NOUN
+for	ADP
+a	DET
+great	ADJ
+service	NOUN
+.	PUNCT
+
+Thank	VERB
+You	PRON
+Barry	PROPN
+s	PART
+Auto	PROPN
+Tech	PROPN
+!	PUNCT
+
+A	DET
+Great	ADJ
+Help	NOUN
+!	PUNCT
+
+Ashdown	PROPN
+Horse	PROPN
+Transport	PROPN
+were	AUX
+fantastic	ADJ
+!	PUNCT
+
+Very	ADV
+friendly	ADJ
+and	CCONJ
+ALWAY	ADV
+contactable	ADJ
+even	ADV
+at	ADP
+weekends	NOUN
+.	PUNCT
+
+I	PRON
+would	AUX
+hesitate	VERB
+to	PART
+recommend	VERB
+anyone	PRON
+.	PUNCT
+
+Thanks	NOUN
+again	ADV
+Nina	PROPN
+.	PUNCT
+
+PS.	NOUN
+Love	VERB
+the	DET
+new	ADJ
+website	NOUN
+!	PUNCT
+
+Miami	PROPN
+'s	PART
+best	ADJ
+tutoring	NOUN
+service	NOUN
+!	PUNCT
+
+My	PRON
+son	NOUN
+was	AUX
+able	ADJ
+to	PART
+advance	VERB
+a	DET
+full	ADJ
+two	NUM
+grades	NOUN
+within	ADP
+9	NUM
+months	NOUN
+!	PUNCT
+
+A	DET
+wonderful	ADJ
+tutoring	NOUN
+service	NOUN
+for	ADP
+students	NOUN
+needing	VERB
+help	NOUN
+with	ADP
+elementary	ADJ
+-	PUNCT
+middle	NOUN
+school	NOUN
+work	NOUN
+.	PUNCT
+
+Food	NOUN
+-	PUNCT
+very	ADV
+good	ADJ
+for	ADP
+a	DET
+midnight	NOUN
+meal	NOUN
+that	PRON
+is	AUX
+n't	PART
+fast	ADJ
+food	NOUN
+.	PUNCT
+
+Service	NOUN
+-	PUNCT
+the	DET
+workers	NOUN
+are	AUX
+usually	ADV
+pleasant	ADJ
+.	PUNCT
+
+Atmosphere	NOUN
+is	AUX
+always	ADV
+fun	ADJ
+,	PUNCT
+the	DET
+assortment	NOUN
+of	ADP
+customers	NOUN
+adds	VERB
+entertainment	NOUN
+to	ADP
+the	DET
+meal	NOUN
+
+awesome	ADJ
+place	NOUN
+!!!	PUNCT
+
+it	PRON
+was	AUX
+worth	ADJ
+of	ADP
+the	DET
+ride	NOUN
+more	ADJ
+than	ADP
+an	DET
+hour	NOUN
+...	PUNCT
+
+I	PRON
+had	VERB
+so	ADV
+many	ADJ
+strawberries	NOUN
+right	ADV
+on	ADP
+the	DET
+field	NOUN
+...	PUNCT
+strongly	ADV
+recomend	VERB
+...	PUNCT
+do	AUX
+nt	PART
+forget	VERB
+to	PART
+try	VERB
+their	PRON
+great	ADJ
+ice	NOUN
+cream	NOUN
+
+wrong	ADJ
+location	NOUN
+
+this	PRON
+is	AUX
+not	PART
+where	ADV
+the	DET
+Blue	PROPN
+Water	PROPN
+Bridge	PROPN
+Duty	PROPN
+Free	PROPN
+is	AUX
+located	VERB
+.	PUNCT
+
+It	PRON
+is	VERB
+,	PUNCT
+surprisingly	ADV
+,	PUNCT
+near	ADP
+the	DET
+Blue	PROPN
+Water	PROPN
+Bridges	PROPN
+,	PUNCT
+some	DET
+miles	NOUN
+to	ADP
+the	DET
+west	NOUN
+of	ADP
+this	DET
+location	NOUN
+.	PUNCT
+
+such	DET
+a	DET
+great	ADJ
+idea	NOUN
+this	PRON
+was	AUX
+,	PUNCT
+so	ADV
+easy	ADJ
+to	PART
+load	VERB
+and	CCONJ
+pack	VERB
+,	PUNCT
+no	DET
+ramp	NOUN
+,	PUNCT
+no	DET
+step	NOUN
+up	ADV
+no	DET
+back	NOUN
+aches	NOUN
+.	PUNCT
+
+moving	VERB
+with	ADP
+a	DET
+pod	NOUN
+was	AUX
+the	DET
+best	ADJ
+moving	NOUN
+experience	NOUN
+i	PRON
+have	AUX
+had	VERB
+.	PUNCT
+
+Totally	ADV
+flavored	ADJ
+
+The	DET
+statement	NOUN
+about	ADP
+"	PUNCT
+best	ADJ
+hamburguers	NOUN
+in	ADP
+town	NOUN
+"	PUNCT
+can	AUX
+be	AUX
+even	ADV
+amplifiaed	VERB
+to	ADP
+"	PUNCT
+best	ADJ
+hamburguers	NOUN
+in	ADP
+world	NOUN
+"	PUNCT
+Totally	ADV
+worth	ADJ
+,	PUNCT
+juicy	ADJ
+,	PUNCT
+big	ADJ
+,	PUNCT
+fresh	ADJ
+,	PUNCT
+and	CCONJ
+excellent	ADJ
+customer	NOUN
+service	NOUN
+!	PUNCT
+
+Best	ADJ
+Cigar	NOUN
+lounge	NOUN
+on	ADP
+the	DET
+blouvard	NOUN
+.	PUNCT
+
+Encino	PROPN
+has	AUX
+been	AUX
+blessed	VERB
+by	ADP
+the	DET
+opening	NOUN
+of	ADP
+this	DET
+smoke	NOUN
+shop	NOUN
+most	ADV
+definately	ADV
+.	PUNCT
+
+If	SCONJ
+you	PRON
+mention	VERB
+the	DET
+name	NOUN
+Amir	PROPN
+you	PRON
+will	AUX
+receive	VERB
+%	SYM
+10	NUM
+off	ADV
+at	ADP
+time	NOUN
+of	ADP
+purchase	NOUN
+
+Doctor	PROPN
+Hank	PROPN
+is	AUX
+Amazing	ADJ
+
+Our	PRON
+family	NOUN
+has	AUX
+been	AUX
+trusting	VERB
+Doctor	PROPN
+Hank	PROPN
+with	ADP
+our	PRON
+teeth	NOUN
+for	ADP
+the	DET
+last	ADJ
+seven	NUM
+years	NOUN
+.	PUNCT
+
+I	PRON
+would	AUX
+n't	PART
+go	VERB
+to	ADP
+anyone	PRON
+else	ADJ
+.	PUNCT
+
+Everyone	PRON
+on	ADP
+staff	NOUN
+is	AUX
+very	ADV
+professional	ADJ
+and	CCONJ
+friendly	ADJ
+.	PUNCT
+
+Stayed	VERB
+in	ADP
+the	DET
+Seaview	NOUN
+room	NOUN
+here	ADV
+in	ADP
+December	PROPN
+2009	NUM
+!	PUNCT
+
+WOW	INTJ
+what	DET
+stunning	ADJ
+views	NOUN
+.	PUNCT
+
+The	DET
+furnishing	NOUN
+and	CCONJ
+finishes	NOUN
+are	AUX
+great	ADJ
+.	PUNCT
+
+I	PRON
+highly	ADV
+recommend	VERB
+Bay	PROPN
+View	PROPN
+if	SCONJ
+you	PRON
+are	AUX
+looking	VERB
+for	ADP
+Accommodation	NOUN
+in	ADP
+Camps	PROPN
+Bay	PROPN
+.	PUNCT
+
+Surprisingly	ADV
+,	PUNCT
+this	DET
+little	ADJ
+strip	NOUN
+mall	NOUN
+restaurant	NOUN
+has	VERB
+the	DET
+best	ADJ
+sushi	NOUN
+I	PRON
+'ve	AUX
+found	VERB
+in	ADP
+the	DET
+Tampa	PROPN
+area	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+fresh	ADJ
+and	CCONJ
+really	ADV
+tasty	ADJ
+.	PUNCT
+
+I	PRON
+'ll	AUX
+drive	VERB
+an	DET
+hour	NOUN
+just	ADV
+for	ADP
+their	PRON
+volcano	NOUN
+,	PUNCT
+yum	INTJ
+!	PUNCT
+
+Fantastic	ADJ
+Nova	PROPN
+Scotia	PROPN
+Cottage	NOUN
+
+We	PRON
+had	VERB
+a	DET
+fantastic	ADJ
+time	NOUN
+.	PUNCT
+
+Such	DET
+a	DET
+relaxing	ADJ
+atmosphere	NOUN
+and	CCONJ
+inspiring	ADJ
+architecture	NOUN
+.	PUNCT
+
+Sand	PROPN
+Hill	PROPN
+park	PROPN
+was	AUX
+a	DET
+great	ADJ
+beach	NOUN
+...	PUNCT
+
+Nice	ADJ
+warm	ADJ
+water	NOUN
+.	PUNCT
+
+Thank	VERB
+-	PUNCT
+You	PRON
+for	SCONJ
+sharing	VERB
+your	PRON
+cottage	NOUN
+!	PUNCT
+
+Great	ADJ
+lunch	NOUN
+specials	NOUN
+.	PUNCT
+
+Delivery	NOUN
+is	AUX
+lightning	NOUN
+fast	ADJ
+.	PUNCT
+
+Perfect	ADJ
+since	SCONJ
+I	PRON
+'m	AUX
+on	ADP
+a	DET
+budget	NOUN
+.	PUNCT
+
+But	CCONJ
+otherwise	ADV
+,	PUNCT
+it	PRON
+can	AUX
+feel	VERB
+pricey	ADJ
+for	SCONJ
+what	PRON
+you	PRON
+get	VERB
+.	PUNCT
+
+Like	VERB
+the	DET
+sushi	NOUN
+,	PUNCT
+do	AUX
+n't	PART
+like	VERB
+the	DET
+pad	NOUN
+thai	NOUN
+.	PUNCT
+
+Holly	PROPN
+-	PUNCT
+the	DET
+owner	NOUN
+,	PUNCT
+knows	VERB
+exactly	ADV
+how	ADV
+to	PART
+make	VERB
+you	PRON
+feel	VERB
+beautiful	ADJ
+in	ADP
+clothes	NOUN
+.	PUNCT
+
+Stylish	ADJ
+and	CCONJ
+contemporary	ADJ
+,	PUNCT
+no	ADV
+matter	ADV
+your	PRON
+size	NOUN
+or	CCONJ
+personality	NOUN
+type	NOUN
+.	PUNCT
+
+She	PRON
+'s	AUX
+an	DET
+A	SYM
++	SYM
+and	CCONJ
+so	ADV
+are	AUX
+her	PRON
+clothes	NOUN
+!	PUNCT
+
+Very	ADV
+poor	ADJ
+customer	NOUN
+service	NOUN
+.	PUNCT
+
+There	PRON
+are	VERB
+a	DET
+couple	NOUN
+decent	ADJ
+people	NOUN
+working	VERB
+there	ADV
+,	PUNCT
+but	CCONJ
+the	DET
+rest	ADJ
+are	AUX
+VERY	ADV
+dishonest	ADJ
+,	PUNCT
+as	ADV
+well	ADV
+as	ADP
+rude	ADJ
+,	PUNCT
+I	PRON
+have	VERB
+yet	ADV
+to	PART
+hear	VERB
+the	DET
+truth	NOUN
+come	VERB
+out	ADP
+of	ADP
+their	PRON
+mouths	NOUN
+.	PUNCT
+
+Give	VERB
+them	PRON
+a	DET
+try	NOUN
+!	PUNCT
+
+The	DET
+pizzas	NOUN
+are	AUX
+huge	ADJ
+and	CCONJ
+super	ADV
+delicious	ADJ
+.	PUNCT
+
+They	PRON
+'re	AUX
+our	PRON
+favorite	ADJ
+pizza	NOUN
+place	NOUN
+to	PART
+order	VERB
+from	ADP
+...	PUNCT
+and	CCONJ
+they	PRON
+'re	AUX
+a	DET
+local	ADJ
+,	PUNCT
+family	NOUN
+owned	VERB
+company	NOUN
+!	PUNCT
+
+How	ADV
+much	ADV
+better	ADJ
+does	AUX
+it	PRON
+get	VERB
+?!	PUNCT
+
+I	PRON
+loved	VERB
+the	DET
+atmosphere	NOUN
+here	ADV
+and	CCONJ
+the	DET
+food	NOUN
+is	AUX
+good	ADJ
+,	PUNCT
+however	ADV
+the	DET
+tables	NOUN
+are	AUX
+so	ADV
+close	ADJ
+together	ADJ
+that	SCONJ
+it	PRON
+feels	VERB
+very	ADV
+cramped	ADJ
+.	PUNCT
+
+We	PRON
+were	AUX
+made	VERB
+to	PART
+feel	VERB
+very	ADV
+welcome	ADJ
+.	PUNCT
+
+Well	ADV
+worth	ADJ
+a	DET
+visit	NOUN
+.	PUNCT
+
+http://cambridgefoodfrivolity.blogspot.com/	X
+
+Great	ADJ
+Service	NOUN
+
+Dr	PROPN
+Mcdonald	PROPN
+is	AUX
+wonderful	ADJ
+.	PUNCT
+
+She	PRON
+answers	VERB
+all	DET
+questions	NOUN
+asked	VERB
+and	CCONJ
+provides	VERB
+the	DET
+best	ADJ
+service	NOUN
+i	PRON
+have	AUX
+ever	ADV
+seen	VERB
+.	PUNCT
+
+I	PRON
+have	VERB
+a	DET
+new	ADJ
+born	ADJ
+daughter	NOUN
+and	CCONJ
+she	PRON
+helped	VERB
+me	PRON
+with	ADP
+a	DET
+lot	NOUN
+.	PUNCT
+
+Good	ADJ
+Job	NOUN
+DR	PROPN
+.	PUNCT
+
+Called	VERB
+to	PART
+check	VERB
+if	SCONJ
+they	PRON
+had	VERB
+a	DET
+product	NOUN
+I	PRON
+'ve	AUX
+been	AUX
+using	VERB
+on	ADP
+my	PRON
+dog	NOUN
+for	ADP
+years	NOUN
+...	PUNCT
+the	DET
+boy	NOUN
+who	PRON
+answered	VERB
+the	DET
+phone	NOUN
+could	AUX
+n't	PART
+possibly	ADV
+have	AUX
+been	AUX
+ruder	ADJ
+to	ADP
+me	PRON
+.	PUNCT
+
+I	PRON
+will	AUX
+never	ADV
+come	VERB
+here	ADV
+again	ADV
+.	PUNCT
+
+I	PRON
+am	AUX
+a	DET
+new	ADJ
+patient	NOUN
+.	PUNCT
+
+I	PRON
+have	AUX
+visited	VERB
+Dr.	PROPN
+Cooper	PROPN
+'s	PART
+office	NOUN
+twice	ADV
+and	CCONJ
+I	PRON
+am	AUX
+very	ADV
+impressed	ADJ
+with	SCONJ
+how	ADV
+friendly	ADJ
+and	CCONJ
+polite	ADJ
+the	DET
+staff	NOUN
+is	VERB
+.	PUNCT
+
+I	PRON
+found	VERB
+the	DET
+office	NOUN
+to	PART
+be	AUX
+very	ADV
+clean	ADJ
+and	CCONJ
+professional	ADJ
+-	PUNCT
+looking	VERB
+.	PUNCT
+
+Want	VERB
+a	DET
+great	ADJ
+burger	NOUN
+?	PUNCT
+
+The	DET
+smokehouse	NOUN
+ca	AUX
+n't	PART
+be	AUX
+beat	VERB
+anywhere	ADV
+.	PUNCT
+
+Salad	NOUN
+bar	NOUN
+is	AUX
+hit	NOUN
+and	CCONJ
+miss	NOUN
+for	ADP
+freshness	NOUN
+-	PUNCT
+sometimes	ADV
+the	DET
+broccoli	NOUN
+looks	VERB
+browned	ADJ
+around	ADP
+the	DET
+edges	NOUN
+.	PUNCT
+
+Never	ADV
+a	DET
+bad	ADJ
+smokehouse	NOUN
+burger	NOUN
+though	ADV
+!	PUNCT
+
+I	PRON
+crave	VERB
+those	PRON
+.	PUNCT
+
+Natasha	PROPN
+is	AUX
+the	DET
+BEST	ADJ
+photographer	NOUN
+we	PRON
+have	AUX
+ever	ADV
+worked	VERB
+with	ADP
+.	PUNCT
+
+She	PRON
+has	VERB
+a	DET
+great	ADJ
+way	NOUN
+with	ADP
+children	NOUN
+and	CCONJ
+is	AUX
+able	ADJ
+to	PART
+capture	VERB
+their	PRON
+personality	NOUN
+as	ADV
+well	ADV
+as	ADP
+many	ADJ
+spontaneous	ADJ
+images	NOUN
+.	PUNCT
+
+You	PRON
+will	AUX
+not	PART
+be	AUX
+disappointed	VERB
+with	ADP
+her	PRON
+work	NOUN
+!!	PUNCT
+
+Ray	PROPN
+'s	PART
+pizza	PROPN
+:	PUNCT
+my	PRON
+favorite	NOUN
+
+Ray	PROPN
+'s	PART
+Pizza	PROPN
+is	AUX
+just	ADV
+too	ADV
+good	ADJ
+.	PUNCT
+
+I	PRON
+wish	VERB
+I	PRON
+could	AUX
+have	VERB
+a	DET
+slice	NOUN
+for	ADP
+every	DET
+single	ADJ
+meal	NOUN
+.	PUNCT
+
+Luckily	ADV
+I	PRON
+live	VERB
+very	ADV
+close	ADV
+,	PUNCT
+so	ADV
+I	PRON
+can	AUX
+abuse	VERB
+it	PRON
+during	ADP
+week	NOUN
+-	PUNCT
+ends	NOUN
+...	PUNCT
+
+Caldwell	PROPN
+insurance	PROPN
+has	AUX
+been	AUX
+doing	VERB
+our	PRON
+insurance	NOUN
+for	ADP
+a	DET
+couple	NOUN
+years	NOUN
+now	ADV
+and	CCONJ
+they	PRON
+have	AUX
+been	AUX
+extremely	ADV
+thorough	ADJ
+.	PUNCT
+
+We	PRON
+'ve	AUX
+only	ADV
+had	VERB
+one	NUM
+urgent	ADJ
+issue	NOUN
+to	PART
+deal	VERB
+with	ADP
+and	CCONJ
+they	PRON
+were	AUX
+very	ADV
+prompt	ADJ
+in	ADP
+their	PRON
+response	NOUN
+.	PUNCT
+
+Highly	ADV
+recommend	VERB
+!	PUNCT
+
+Lovely	ADJ
+Cottage	NOUN
+
+This	DET
+cottage	NOUN
+is	AUX
+a	DET
+charming	ADJ
+homely	ADJ
+,	PUNCT
+friendly	ADJ
+,	PUNCT
+place	NOUN
+to	PART
+stay	VERB
+.	PUNCT
+
+Mary	PROPN
+is	AUX
+an	DET
+excellent	ADJ
+host	NOUN
+who	PRON
+does	VERB
+yummy	ADJ
+breakfasts	NOUN
+.	PUNCT
+
+My	PRON
+room	NOUN
+was	AUX
+delightful	ADJ
+and	CCONJ
+the	DET
+attention	NOUN
+to	ADP
+detail	NOUN
+was	AUX
+amazing	ADJ
+.	PUNCT
+
+Will	AUX
+come	VERB
+again	ADV
+!	PUNCT
+
+Sophie	PROPN
+.	PUNCT
+
+Cheap	PROPN
+Hotel	PROPN
+Rome	PROPN
+-	PUNCT
+Thanks	NOUN
+for	ADP
+all	DET
+your	PRON
+help	NOUN
+!	PUNCT
+
+Cheap	PROPN
+Hotel	PROPN
+Rome	PROPN
+-	PUNCT
+thanks	NOUN
+for	SCONJ
+finding	VERB
+us	PRON
+a	DET
+hotel	NOUN
+at	ADP
+the	DET
+last	ADJ
+minute	NOUN
+.	PUNCT
+
+We	PRON
+had	VERB
+a	DET
+great	ADJ
+stay	NOUN
+,	PUNCT
+your	PRON
+service	NOUN
+was	AUX
+excellent	ADJ
+and	CCONJ
+we	PRON
+will	AUX
+use	VERB
+you	PRON
+again	ADV
+!	PUNCT
+
+The	DET
+best	ADJ
+photographer	NOUN
+in	ADP
+Miami	PROPN
+
+I	PRON
+was	AUX
+soooo	ADV
+lucky	ADJ
+to	PART
+have	AUX
+used	VERB
+Marlon	PROPN
+'s	PART
+photography	NOUN
+services	NOUN
+....	PUNCT
+such	DET
+a	DET
+creative	ADJ
+and	CCONJ
+talented	ADJ
+photographer	NOUN
+and	CCONJ
+a	DET
+pleasure	NOUN
+to	PART
+work	VERB
+with	ADP
+.	PUNCT
+
+The	DET
+images	NOUN
+turned	VERB
+out	ADP
+amazing	ADJ
+.	PUNCT
+
+I	PRON
+definitely	ADV
+recommend	VERB
+him	PRON
+:)	SYM
+
+Great	ADJ
+Meal	NOUN
+
+Happened	VERB
+on	ADP
+to	ADP
+this	DET
+place	NOUN
+while	SCONJ
+out	ADP
+of	ADP
+town	NOUN
+on	ADP
+business	NOUN
+,	PUNCT
+and	CCONJ
+it	PRON
+was	AUX
+great	ADJ
+!	PUNCT
+
+The	DET
+food	NOUN
+was	AUX
+excellent	ADJ
+and	CCONJ
+the	DET
+service	NOUN
+was	AUX
+terrific	ADJ
+.	PUNCT
+
+It	PRON
+is	AUX
+a	DET
+cloth	NOUN
+napkin	NOUN
+kind	NOUN
+of	ADP
+place	NOUN
+,	PUNCT
+but	CCONJ
+I	PRON
+thought	VERB
+well	ADV
+worth	ADJ
+it	PRON
+.	PUNCT
+
+Friendly	ADJ
+Efficient	ADJ
+and	CCONJ
+overall	ADV
+great	ADJ
+place	NOUN
+for	ADP
+people	NOUN
+in	ADP
+chronic	ADJ
+intractable	ADJ
+pain	NOUN
+
+Great	ADJ
+place	NOUN
+for	ADP
+people	NOUN
+in	ADP
+chronic	ADJ
+pain	NOUN
+.	PUNCT
+
+Staff	NOUN
+is	AUX
+very	ADV
+friendly	ADJ
+they	PRON
+treat	VERB
+you	PRON
+like	ADP
+a	DET
+human	ADJ
+being	NOUN
+and	CCONJ
+not	ADV
+just	ADV
+another	DET
+patient	NOUN
+.	PUNCT
+
+Very	ADV
+efficient	ADJ
+at	SCONJ
+treating	VERB
+chronic	ADJ
+pain	NOUN
+!	PUNCT
+
+The	DET
+best	ADJ
+company	NOUN
+in	ADP
+Phuket	PROPN
+for	SCONJ
+creating	VERB
+website	NOUN
+and	CCONJ
+e-commerce	NOUN
+website	NOUN
+.	PUNCT
+
+From	ADP
+first	ADJ
+meeting	NOUN
+with	ADP
+them	PRON
+to	ADP
+launch	NOUN
+of	ADP
+my	PRON
+website	NOUN
+,	PUNCT
+everything	PRON
+went	VERB
+smooth	ADV
+and	CCONJ
+on	ADP
+schedule	NOUN
+.	PUNCT
+
+Highly	ADV
+recommended	ADJ
+for	SCONJ
+who	PRON
+wants	VERB
+to	PART
+have	VERB
+website	NOUN
+.	PUNCT
+
+Great	ADJ
+with	ADP
+SEO	PROPN
+as	ADV
+well	ADV
+.	PUNCT
+
+Great	ADJ
+Place	NOUN
+To	PART
+Use	VERB
+The	PRON
+Fix	VERB
+appliances	NOUN
+Plumbing	PROPN
+Air	PROPN
+Conditioning	PROPN
+&	CCONJ
+Electric	PROPN
+Problems	PROPN
+.	PUNCT
+
+We	PRON
+have	AUX
+used	VERB
+them	PRON
+for	ADP
+plumbing	NOUN
+&	CCONJ
+A	NOUN
+/	PUNCT
+C	NOUN
+and	CCONJ
+they	PRON
+are	AUX
+affordable	ADJ
+and	CCONJ
+get	VERB
+the	DET
+work	NOUN
+done	VERB
+right	ADJ
+.	PUNCT
+
+Great	ADJ
+place	NOUN
+5	NUM
+stars	NOUN
+for	ADP
+sure	ADJ
+.	PUNCT
+
+Thanks	NOUN
+From	ADP
+Bill	PROPN
+
+I	PRON
+used	VERB
+Birdies	PROPN
+for	ADP
+our	PRON
+Annual	ADJ
+Walk	PROPN
+Against	ADP
+Drugs	PROPN
+and	CCONJ
+Alcohol	PROPN
+event	NOUN
+.	PUNCT
+
+They	PRON
+were	AUX
+very	ADV
+professional	ADJ
+,	PUNCT
+neat	ADJ
+and	CCONJ
+clean	ADJ
+.	PUNCT
+
+They	PRON
+came	VERB
+through	ADV
+on	ADP
+all	DET
+of	ADP
+their	PRON
+promises	NOUN
+and	CCONJ
+we	PRON
+had	VERB
+a	DET
+very	ADV
+successful	ADJ
+day	NOUN
+.	PUNCT
+
+I	PRON
+will	AUX
+be	AUX
+using	VERB
+Bridies	PROPN
+again	ADV
+.	PUNCT
+
+ONe	NUM
+of	ADP
+a	DET
+few	ADJ
+.	PUNCT
+
+Hancocks	PROPN
+is	AUX
+one	NUM
+of	ADP
+four	NUM
+fabric	NOUN
+stores	NOUN
+in	ADP
+Fort	PROPN
+Smith	PROPN
+.	PUNCT
+
+We	PRON
+have	VERB
+Hobby	PROPN
+Lobby	PROPN
+,	PUNCT
+Just	ADV
+for	ADP
+Fun	PROPN
+Fabrics	PROPN
+,	PUNCT
+Walmart	PROPN
+,	PUNCT
+and	CCONJ
+Interior	PROPN
+Mall	PROPN
+just	ADV
+inside	ADP
+Barling	PROPN
+.	PUNCT
+
+They	PRON
+do	AUX
+have	VERB
+a	DET
+good	ADJ
+selection	NOUN
+of	ADP
+fabric	NOUN
+and	CCONJ
+notions	NOUN
+.	PUNCT
+
+It	PRON
+was	AUX
+ok	ADJ
+,	PUNCT
+nice	ADJ
+management	NOUN
+,	PUNCT
+they	PRON
+let	VERB
+us	PRON
+check	VERB
+in	ADP
+early	ADV
+,	PUNCT
+but	CCONJ
+the	DET
+place	NOUN
+was	AUX
+old	ADJ
+.	PUNCT
+
+It	PRON
+was	AUX
+clean	ADJ
+,	PUNCT
+but	CCONJ
+just	ADV
+a	DET
+little	ADJ
+dumpy	ADJ
+.	PUNCT
+
+Lots	NOUN
+of	ADP
+room	NOUN
+for	ADP
+big	ADJ
+rig	NOUN
+parking	NOUN
+.	PUNCT
+
+Hard	ADJ
+to	PART
+get	VERB
+into	ADP
+though	ADV
+because	ADP
+of	ADP
+road	NOUN
+construction	NOUN
+.	PUNCT
+
+I	PRON
+'ll	AUX
+admit	VERB
+I	PRON
+was	AUX
+n't	PART
+expecting	VERB
+much	ADJ
+from	ADP
+this	DET
+place	NOUN
+,	PUNCT
+but	CCONJ
+they	PRON
+really	ADV
+did	AUX
+do	VERB
+a	DET
+good	ADJ
+job	NOUN
+.	PUNCT
+
+The	DET
+chicken	NOUN
+cordon	NOUN
+-	PUNCT
+blu	NOUN
+was	AUX
+tasty	ADJ
+and	CCONJ
+came	VERB
+in	ADP
+a	DET
+huge	ADJ
+portion	NOUN
+size	NOUN
+for	ADP
+the	DET
+money	NOUN
+.	PUNCT
+
+Service	NOUN
+was	AUX
+a	DET
+touch	NOUN
+slow	ADJ
+,	PUNCT
+but	CCONJ
+friendly	ADJ
+.	PUNCT
+
+find	VERB
+another	DET
+place	NOUN
+
+Run	VERB
+down	ADP
+.	PUNCT
+
+Dark	ADJ
+,	PUNCT
+dark	ADJ
+main	ADJ
+room	NOUN
+.	PUNCT
+
+No	DET
+way	NOUN
+to	PART
+read	VERB
+/	SYM
+relax	VERB
+.	PUNCT
+
+'	PUNCT
+Electric	ADJ
+'	PUNCT
+blanket	NOUN
+on	ADP
+one	NUM
+bed	NOUN
+did	AUX
+not	PART
+heat	VERB
+.	PUNCT
+
+Quite	ADV
+cold	ADJ
+.	PUNCT
+
+Removing	VERB
+90	NUM
+%	SYM
+of	ADP
+'	PUNCT
+sit	NOUN
+-	PUNCT
+abouts	NOUN
+'	PUNCT
+in	ADP
+main	ADJ
+room	NOUN
+would	AUX
+look	VERB
+cleaner	ADJ
+.	PUNCT
+
+recommended	ADJ
+
+Excellent	ADJ
+location	NOUN
+.	PUNCT
+
+Good	ADJ
+sports	NOUN
+bar	NOUN
+.	PUNCT
+
+Hyatt	PROPN
+web	NOUN
+site	NOUN
+improved	VERB
+.	PUNCT
+
+Accurate	ADJ
+check	NOUN
+-	PUNCT
+out	NOUN
+.	PUNCT
+
+Rooms	NOUN
+clean	ADJ
+.	PUNCT
+
+Lifts	NOUN
+quick	ADJ
+,	PUNCT
+clean	ADJ
+,	PUNCT
+accurate	ADJ
+,	PUNCT
+and	CCONJ
+correctly	ADV
+sized	VERB
+.	PUNCT
+
+Choose	VERB
+this	DET
+hotel	NOUN
+over	ADP
+the	DET
+Hilton	PROPN
+(	PUNCT
+which	PRON
+is	AUX
+on	ADP
+the	DET
+next	ADJ
+block	NOUN
+)	PUNCT
+.	PUNCT
+
+Summary	NOUN
+:	PUNCT
+Not	ADV
+cheep	ADJ
+,	PUNCT
+but	CCONJ
+very	ADV
+fast	ADJ
+,	PUNCT
+and	CCONJ
+super	ADV
+friendly	ADJ
+service	NOUN
+.	PUNCT
+
+Quality	NOUN
+of	ADP
+work	NOUN
+is	AUX
+sufficient	ADJ
+but	CCONJ
+not	ADV
+outstanding	ADJ
+.	PUNCT
+
+Like	ADP
+all	DET
+oil	NOUN
+place	NOUN
+changes	NOUN
+,	PUNCT
+ask	VERB
+/	SYM
+recommend	VERB
+the	DET
+100	NUM
+other	ADJ
+services	NOUN
+they	PRON
+have	VERB
+.	PUNCT
+
+Will	AUX
+be	AUX
+a	DET
+repeat	NOUN
+customer	NOUN
+with	ADP
+discount	NOUN
+coupons	NOUN
+.	PUNCT
+
+criminal	ADJ
+defense	NOUN
+lawyer	NOUN
+
+Mr.	PROPN
+Villega	PROPN
+is	AUX
+an	DET
+exceptional	ADJ
+California	PROPN
+criminal	ADJ
+defense	NOUN
+lawyer	NOUN
+.	PUNCT
+
+He	PRON
+cross	VERB
+examined	VERB
+witnesses	NOUN
+relentlessly	ADV
+and	CCONJ
+had	VERB
+them	PRON
+break	VERB
+down	ADP
+and	CCONJ
+tell	VERB
+the	DET
+truth	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+want	VERB
+an	DET
+attorney	NOUN
+who	PRON
+will	AUX
+defend	VERB
+your	PRON
+right	NOUN
+,	PUNCT
+contact	VERB
+Law	PROPN
+Offices	PROPN
+of	ADP
+Armando	PROPN
+Villega	PROPN
+
+Checked	VERB
+in	ADP
+real	ADV
+late	ADV
+,	PUNCT
+but	CCONJ
+staff	NOUN
+was	AUX
+very	ADV
+kind	ADJ
+and	CCONJ
+helpful	ADJ
+.	PUNCT
+
+Rooms	NOUN
+very	ADV
+clean	ADJ
+and	CCONJ
+smelled	VERB
+very	ADV
+fresh	ADJ
+.	PUNCT
+
+I	PRON
+would	AUX
+recommend	VERB
+this	DET
+hotel	NOUN
+to	ADP
+anyone	PRON
+.	PUNCT
+
+I	PRON
+loved	VERB
+my	PRON
+stay	NOUN
+here	ADV
+and	CCONJ
+if	SCONJ
+ever	ADV
+back	ADV
+in	ADP
+the	DET
+area	NOUN
+,	PUNCT
+I	PRON
+will	AUX
+be	AUX
+staying	VERB
+here	ADV
+again	ADV
+.	PUNCT
+
+Thanks	NOUN
+for	SCONJ
+following	VERB
+me	PRON
+around	ADP
+the	DET
+store	NOUN
+
+Enough	ADJ
+said	VERB
+.	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+steal	VERB
+,	PUNCT
+I	PRON
+was	AUX
+n't	PART
+acting	VERB
+suspiciously	ADV
+.	PUNCT
+
+I	PRON
+was	AUX
+ready	ADJ
+to	PART
+buy	VERB
+a	DET
+new	ADJ
+jacket	NOUN
+,	PUNCT
+a	DET
+new	ADJ
+sweater	NOUN
+and	CCONJ
+a	DET
+couple	NOUN
+of	ADP
+your	PRON
+overpriced	ADJ
+belts	NOUN
+and	CCONJ
+I	PRON
+walked	VERB
+out	ADV
+because	ADP
+of	ADP
+your	PRON
+obvious	ADJ
+lurking	NOUN
+
+Best	ADJ
+meat	NOUN
+pies	NOUN
+in	ADP
+Canada	PROPN
+
+If	SCONJ
+you	PRON
+are	AUX
+looking	VERB
+for	ADP
+authentic	ADJ
+British	ADJ
+meat	NOUN
+pies	NOUN
+,	PUNCT
+then	ADV
+look	VERB
+know	ADV
+further	ADV
+.	PUNCT
+
+I	PRON
+especially	ADV
+like	VERB
+the	DET
+Chicken	NOUN
+Curry	NOUN
+pie	NOUN
+.	PUNCT
+
+Good	ADJ
+Food	NOUN
+.	PUNCT
+
+The	DET
+owner	NOUN
+/	SYM
+baker	NOUN
+,	PUNCT
+"	PUNCT
+Pie	PROPN
+Guy	PROPN
+"	PUNCT
+is	AUX
+a	DET
+hoot	NOUN
+to	PART
+deal	VERB
+with	ADP
+as	ADV
+well	ADV
+.	PUNCT
+
+Mo	PROPN
+
+Fantastic	ADJ
+fresh	ADJ
+food	NOUN
+!	PUNCT
+
+What	DET
+a	DET
+neat	ADJ
+gem	NOUN
+of	ADP
+a	DET
+restaurant	NOUN
+in	ADP
+a	DET
+corner	NOUN
+one	PRON
+would	AUX
+n't	PART
+expect	VERB
+it	PRON
+.	PUNCT
+
+Cozy	ADJ
+,	PUNCT
+warm	ADJ
+atmosphere	NOUN
+,	PUNCT
+great	ADJ
+service	NOUN
+.	PUNCT
+
+Most	ADV
+importantly	ADV
+,	PUNCT
+the	DET
+food	NOUN
+was	AUX
+outstanding	ADJ
+.	PUNCT
+
+It	PRON
+clearly	ADV
+had	AUX
+been	AUX
+prepared	VERB
+from	ADP
+fresh	ADJ
+ingredients	NOUN
+.	PUNCT
+
+We	PRON
+'ll	AUX
+be	VERB
+back	ADV
+often	ADV
+.	PUNCT
+
+Thanks	NOUN
+For	ADP
+A	DET
+Great	ADJ
+Job	NOUN
+
+Thanks	NOUN
+For	ADP
+The	DET
+Prompt	ADJ
+Service	NOUN
+And	CCONJ
+Great	ADJ
+Job	NOUN
+You	PRON
+And	CCONJ
+Your	PRON
+Boys	NOUN
+Have	AUX
+Done	VERB
+On	ADP
+Our	PRON
+New	ADJ
+Solar	ADJ
+System	NOUN
+,	PUNCT
+The	DET
+Panels	NOUN
+On	ADP
+The	DET
+Roof	NOUN
+Look	VERB
+Great	ADJ
+And	CCONJ
+The	DET
+Power	NOUN
+We	PRON
+Are	AUX
+Putting	VERB
+Back	ADV
+In	X
+To	ADP
+The	DET
+Grid	NOUN
+Is	AUX
+Great	ADJ
+,	PUNCT
+Great	ADJ
+Job	NOUN
+Thanks	NOUN
+
+impressive	ADJ
+truly	ADV
+impressive	ADJ
+
+The	DET
+First	ADJ
+time	NOUN
+I	PRON
+walked	VERB
+in	ADP
+there	ADV
+with	ADP
+my	PRON
+teacup	NOUN
+chihuahua	NOUN
+puppy	NOUN
+I	PRON
+knew	VERB
+I	PRON
+'d	AUX
+be	AUX
+here	ADV
+a	DET
+lot	NOUN
+.	PUNCT
+
+Pets	PROPN
+Discount	PROPN
+has	VERB
+lovely	ADJ
+employees	NOUN
+,	PUNCT
+a	DET
+wonderful	ADJ
+grooming	NOUN
+service	NOUN
+,	PUNCT
+and	CCONJ
+everything	PRON
+I	PRON
+need	VERB
+to	PART
+keep	VERB
+my	PRON
+dog	NOUN
+in	ADP
+tip	ADJ
+top	ADJ
+condition	NOUN
+!	PUNCT
+
+Excellent	ADJ
+service	NOUN
+!	PUNCT
+
+I	PRON
+am	AUX
+so	ADV
+glad	ADJ
+that	SCONJ
+we	PRON
+now	ADV
+have	VERB
+a	DET
+good	ADJ
+nail	NOUN
+shop	NOUN
+on	ADP
+San	PROPN
+Mateo	PROPN
+Avenue	PROPN
+!	PUNCT
+
+No	ADV
+more	ADV
+having	VERB
+to	PART
+drive	VERB
+to	ADP
+San	PROPN
+Francisco	PROPN
+for	ADP
+a	DET
+great	ADJ
+mani	NOUN
+pedi	NOUN
+.	PUNCT
+
+Both	CCONJ
+Tina	PROPN
+and	CCONJ
+Vicky	PROPN
+are	AUX
+excellent	ADJ
+.	PUNCT
+
+I	PRON
+will	AUX
+definitely	ADV
+refer	VERB
+my	PRON
+friends	NOUN
+and	CCONJ
+family	NOUN
+:)	SYM
+
+great	ADJ
+!	PUNCT
+:P	SYM
+
+you	PRON
+get	VERB
+a	DET
+really	ADV
+good	ADJ
+view	NOUN
+of	ADP
+the	DET
+city	NOUN
+and	CCONJ
+there	PRON
+is	VERB
+also	ADV
+attractions	NOUN
+like	ADP
+simulator	NOUN
+,	PUNCT
+short	ADJ
+movies	NOUN
+.	PUNCT
+
+Try	VERB
+the	DET
+360	NUM
+restraunt	NOUN
+u	PRON
+spin	VERB
+in	ADP
+the	DET
+cn	PROPN
+tower	PROPN
+with	ADP
+a	DET
+beautiful	ADJ
+view	NOUN
+the	DET
+sky	NOUN
+pod	NOUN
+elevator	NOUN
+is	AUX
+about	ADV
+an	DET
+hour	NOUN
+line	NOUN
+up	NOUN
+in	ADP
+the	DET
+summer	NOUN
+
+GREAT	ADJ
+Store	NOUN
+GREAT	ADJ
+Service	NOUN
+!	PUNCT
+
+“	PUNCT
+This	DET
+store	NOUN
+is	AUX
+great	ADJ
+!!	PUNCT
+
+I	PRON
+love	VERB
+walking	VERB
+in	ADV
+and	CCONJ
+not	PART
+being	AUX
+hassled	VERB
+.	PUNCT
+
+I	PRON
+was	AUX
+there	ADV
+when	ADV
+they	PRON
+did	VERB
+a	DET
+free	ADJ
+raffle	NOUN
+in	ADP
+August	PROPN
+and	CCONJ
+I	PRON
+won	VERB
+a	DET
+hard	ADJ
+drive	NOUN
+!	PUNCT
+
+The	DET
+reason	NOUN
+I	PRON
+go	VERB
+back	ADV
+is	VERB
+because	SCONJ
+the	DET
+employees	NOUN
+are	AUX
+sooooo	ADV
+nice	ADJ
+.	PUNCT
+”	PUNCT
+
+Horrible	ADJ
+customer	NOUN
+service	NOUN
+.	PUNCT
+
+I	PRON
+came	VERB
+in	ADV
+to	PART
+get	VERB
+a	DET
+nice	ADJ
+gift	NOUN
+for	ADP
+my	PRON
+wife	NOUN
+.	PUNCT
+
+The	DET
+one	NUM
+guy	NOUN
+who	PRON
+was	AUX
+there	ADV
+,	PUNCT
+I	PRON
+'m	AUX
+guessing	VERB
+was	AUX
+the	DET
+owner	NOUN
+,	PUNCT
+was	AUX
+probably	ADV
+the	DET
+least	ADV
+helpful	ADJ
+person	NOUN
+I	PRON
+'ve	AUX
+ever	ADV
+met	VERB
+.	PUNCT
+
+But	CCONJ
+thankfully	ADV
+there	PRON
+are	VERB
+other	ADJ
+flowers	NOUN
+shops	NOUN
+around	ADP
+Norman	PROPN
+.	PUNCT
+
+Pure	ADJ
+Beauty	NOUN
+
+What	DET
+a	DET
+joy	NOUN
+to	PART
+stroll	VERB
+off	ADP
+historic	ADJ
+Canyon	PROPN
+Road	PROPN
+in	ADP
+Santa	PROPN
+Fe	PROPN
+into	ADP
+a	DET
+gallery	NOUN
+with	ADP
+a	DET
+gorgeous	ADJ
+diversity	NOUN
+of	ADP
+art	NOUN
+.	PUNCT
+
+Destiny	PROPN
+Allison	PROPN
+'s	PART
+metal	NOUN
+sculptures	NOUN
+were	AUX
+my	PRON
+favorite	NOUN
+.	PUNCT
+
+The	DET
+owner	NOUN
+Karla	PROPN
+is	AUX
+welcoming	ADJ
+and	CCONJ
+fun	ADJ
+.	PUNCT
+
+Give	VERB
+yourself	PRON
+the	DET
+gift	NOUN
+of	SCONJ
+visiting	VERB
+Winterowd	PROPN
+Fine	PROPN
+Art	PROPN
+!	PUNCT
+
+Great	ADJ
+Place	NOUN
+!	PUNCT
+
+This	PRON
+is	AUX
+one	NUM
+of	ADP
+my	PRON
+favorite	ADJ
+places	NOUN
+to	PART
+eat	VERB
+for	ADP
+lunch	NOUN
+.	PUNCT
+
+They	PRON
+offer	VERB
+a	DET
+good	ADJ
+portions	NOUN
+at	ADP
+a	DET
+great	ADJ
+price	NOUN
+,	PUNCT
+it	PRON
+'s	AUX
+enough	ADJ
+food	NOUN
+to	PART
+fill	VERB
+you	PRON
+up	ADP
+,	PUNCT
+but	CCONJ
+you	PRON
+do	AUX
+n't	PART
+ever	ADV
+feel	VERB
+like	SCONJ
+you	PRON
+ate	VERB
+too	ADV
+much	ADJ
+.	PUNCT
+
+Plus	CCONJ
+,	PUNCT
+it	PRON
+'s	AUX
+super	ADV
+healthy	ADJ
+!	PUNCT
+
+Barb	PROPN
+does	VERB
+an	DET
+AMAZING	ADJ
+JOB	NOUN
+,	PUNCT
+she	PRON
+is	AUX
+always	ADV
+learning	VERB
+new	ADJ
+things	NOUN
+on	SCONJ
+how	ADV
+to	PART
+use	VERB
+her	PRON
+hands	NOUN
+and	CCONJ
+body	NOUN
+,	PUNCT
+to	PART
+give	VERB
+every	DET
+person	NOUN
+an	DET
+AWESOME	ADJ
+MASSAGE	NOUN
+,	PUNCT
+CALL	VERB
+TODAY	NOUN
+AND	CCONJ
+SCHEDULE	VERB
+YOU	PRON
+MUST	AUX
+SEE	VERB
+HER	PRON
+,	PUNCT
+YOU	PRON
+WILL	AUX
+FALL	VERB
+IN	ADP
+LOVE	NOUN
+SHE	PRON
+IS	AUX
+THE	DET
+BEST	ADJ
+OF	ADP
+THE	DET
+BEST	ADJ
+!	PUNCT
+
+If	SCONJ
+you	PRON
+want	VERB
+cheaply	ADV
+made	VERB
+glass	NOUN
+from	ADP
+India	PROPN
+and	CCONJ
+China	PROPN
+,	PUNCT
+this	PRON
+is	AUX
+not	PART
+your	PRON
+place	NOUN
+.	PUNCT
+
+These	DET
+people	NOUN
+only	ADV
+carry	VERB
+the	DET
+very	ADV
+best	ADJ
+American	ADJ
+blown	VERB
+glass	NOUN
+.	PUNCT
+
+Their	PRON
+selection	NOUN
+is	AUX
+top	ADJ
+notch	NOUN
+and	CCONJ
+the	DET
+staff	NOUN
+is	AUX
+very	ADV
+knowledgable	ADJ
+.	PUNCT
+
+Go	VERB
+to	ADP
+the	DET
+Looking	PROPN
+Glass	PROPN
+for	ADP
+all	DET
+your	PRON
+smoking	NOUN
+needs	NOUN
+!!!!!!!!!!	PUNCT
+
+Chuck	PROPN
+and	CCONJ
+Gretchen	PROPN
+were	AUX
+very	ADV
+positive	ADJ
+,	PUNCT
+and	CCONJ
+when	ADV
+Alan	PROPN
+'s	PART
+refused	VERB
+to	PART
+work	VERB
+on	ADP
+my	PRON
+bike	NOUN
+,	PUNCT
+Chuck	PROPN
+came	VERB
+right	ADV
+out	ADV
+and	CCONJ
+saw	VERB
+the	DET
+problem	NOUN
+and	CCONJ
+did	VERB
+what	PRON
+Alan	PROPN
+'s	PART
+mechanic	NOUN
+would	AUX
+n't	PART
+do	VERB
+.	PUNCT
+
+He	PRON
+worked	VERB
+on	ADP
+it	PRON
+right	ADV
+on	ADP
+the	DET
+back	NOUN
+of	ADP
+my	PRON
+car	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+extremely	ADV
+pleased	ADJ
+
+Quick	ADJ
+and	CCONJ
+Cheap	ADJ
+
+Walked	VERB
+in	ADV
+and	CCONJ
+was	VERB
+out	ADP
+ta	ADP
+there	ADV
+in	ADP
+10	NUM
+mins	NOUN
+with	ADP
+a	DET
+really	ADV
+good	ADJ
+deal	NOUN
+i	PRON
+thought	VERB
+i	PRON
+was	AUX
+going	VERB
+to	PART
+be	AUX
+paying	VERB
+a	DET
+lot	NOUN
+because	SCONJ
+i	PRON
+had	VERB
+a	DET
+DUI	NOUN
+but	CCONJ
+with	ADP
+my	PRON
+DUI	NOUN
+and	CCONJ
+Sr	NOUN
+-	PUNCT
+22	NUM
+they	PRON
+were	AUX
+able	ADJ
+to	PART
+get	VERB
+me	PRON
+the	DET
+best	ADJ
+deal	NOUN
+out	ADV
+there	ADV
+.	PUNCT
+
+Is	AUX
+not	PART
+a	DET
+service	NOUN
+office	NOUN
+
+This	PRON
+is	AUX
+a	DET
+delivery	NOUN
+office	NOUN
+only	ADV
+and	CCONJ
+does	AUX
+not	PART
+take	VERB
+walk	NOUN
+ins	NOUN
+but	CCONJ
+they	PRON
+do	AUX
+have	VERB
+a	DET
+blue	NOUN
+box	NOUN
+out	ADV
+front	ADV
+.	PUNCT
+
+Glad	ADJ
+I	PRON
+called	VERB
+before	SCONJ
+I	PRON
+arrived	VERB
+with	ADP
+my	PRON
+box	NOUN
+to	PART
+ship	VERB
+.	PUNCT
+
+Thought	VERB
+adding	VERB
+a	DET
+comment	NOUN
+would	AUX
+save	VERB
+someone	PRON
+the	DET
+hassle	NOUN
+with	ADP
+a	DET
+useless	ADJ
+trip	NOUN
+there	ADV
+.	PUNCT
+
+the	DET
+food	NOUN
+is	AUX
+mediocre	ADJ
+at	ADV
+best	ADV
+.	PUNCT
+
+the	DET
+waitress	NOUN
+took	VERB
+my	PRON
+name	NOUN
+and	CCONJ
+then	ADV
+called	VERB
+me	PRON
+that	PRON
+all	DET
+night	NOUN
+.	PUNCT
+
+not	PART
+sure	ADJ
+how	ADV
+I	PRON
+feel	VERB
+about	ADP
+that	DET
+one	NUM
+.	PUNCT
+
+it	PRON
+'s	AUX
+passable	ADJ
+as	ADP
+a	DET
+pub	NOUN
+,	PUNCT
+but	CCONJ
+the	DET
+pizza	NOUN
+is	AUX
+not	PART
+that	ADV
+great	ADJ
+.	PUNCT
+
+if	SCONJ
+you	PRON
+want	VERB
+good	ADJ
+pizza	NOUN
+,	PUNCT
+go	VERB
+to	ADP
+famoso	PROPN
+.	PUNCT
+
+seriously	ADV
+.	PUNCT
+
+Anyone	PRON
+else	ADJ
+find	VERB
+it	PRON
+a	DET
+little	ADJ
+suspicious	ADJ
+that	SCONJ
+there	PRON
+are	VERB
+not	PART
+only	ADV
+20	NUM
+reviews	NOUN
+for	ADP
+this	DET
+dentist	NOUN
+(	PUNCT
+a	DET
+HUGE	ADJ
+number	NOUN
+compared	VERB
+to	ADP
+the	DET
+others	NOUN
+in	ADP
+the	DET
+area	NOUN
+)	PUNCT
+,	PUNCT
+but	CCONJ
+that	SCONJ
+they	PRON
+all	DET
+have	VERB
+the	DET
+same	ADJ
+unique	ADJ
+grammar	NOUN
+structure	NOUN
+?	PUNCT
+
+And	CCONJ
+they	PRON
+seem	VERB
+to	PART
+be	AUX
+posted	VERB
+at	ADP
+fairly	ADV
+regular	ADJ
+intervals	NOUN
+?	PUNCT
+
+Best	ADJ
+YET	ADV
+!	PUNCT
+
+We	PRON
+go	VERB
+to	ADP
+Japaneiro	PROPN
+'s	PART
+all	DET
+the	DET
+time	NOUN
+and	CCONJ
+we	PRON
+have	AUX
+NEVER	ADV
+been	AUX
+disappointed	VERB
+!	PUNCT
+
+Wait	NOUN
+staff	NOUN
+is	AUX
+always	ADV
+ready	ADJ
+to	PART
+help	VERB
+if	SCONJ
+you	PRON
+ca	AUX
+n't	PART
+decide	VERB
+(	PUNCT
+which	PRON
+happens	VERB
+every	DET
+time	NOUN
+for	ADP
+me	PRON
+d	ADP
+/	PUNCT
+t	ADP
+the	DET
+huge	ADJ
+menu	NOUN
+of	ADP
+rolls	NOUN
+)	PUNCT
+and	CCONJ
+always	ADV
+courteous	ADJ
+!	PUNCT
+
+Soooo	ADV
+tasty	ADJ
+!	PUNCT
+
+Good	ADJ
+honest	ADJ
+wrok	NOUN
+
+Harlan	PROPN
+provides	VERB
+great	ADJ
+service	NOUN
+.	PUNCT
+
+He	PRON
+is	AUX
+very	ADV
+knowledgeable	ADJ
+and	CCONJ
+took	VERB
+the	DET
+time	NOUN
+to	PART
+explain	VERB
+the	DET
+repairs	NOUN
+to	ADP
+me	PRON
+.	PUNCT
+
+The	DET
+work	NOUN
+on	ADP
+my	PRON
+car	NOUN
+was	AUX
+done	VERB
+quickly	ADV
+and	CCONJ
+I	PRON
+felt	VERB
+I	PRON
+could	AUX
+trust	VERB
+his	PRON
+work	NOUN
+.	PUNCT
+
+I	PRON
+have	VERB
+nothing	PRON
+but	ADP
+fantastic	ADJ
+things	NOUN
+to	PART
+say	VERB
+.	PUNCT
+
+I	PRON
+highly	ADV
+recommend	VERB
+his	PRON
+shop	NOUN
+.	PUNCT
+
+Best	ADJ
+in	ADP
+Memphis	PROPN
+
+This	DET
+shop	NOUN
+is	AUX
+by	ADP
+far	ADV
+the	DET
+best	ADJ
+I	PRON
+have	AUX
+been	AUX
+to	ADP
+.	PUNCT
+
+I	PRON
+have	VERB
+a	DET
+Saab	PROPN
+...	PUNCT
+which	PRON
+everything	PRON
+is	AUX
+expensive	ADJ
+on	ADP
+and	CCONJ
+they	PRON
+have	AUX
+been	AUX
+extrememly	ADV
+fair	ADJ
+and	CCONJ
+price	NOUN
+a	DET
+lot	NOUN
+lower	ADJ
+than	ADP
+any	DET
+other	ADJ
+shop	NOUN
+I	PRON
+called	VERB
+.	PUNCT
+
+They	PRON
+are	AUX
+the	DET
+only	ADJ
+place	NOUN
+I	PRON
+would	AUX
+take	VERB
+my	PRON
+car	NOUN
+peiod	NOUN
+.	PUNCT
+
+Took	VERB
+a	DET
+laptop	NOUN
+in	ADV
+for	SCONJ
+a	DET
+video	NOUN
+cable	NOUN
+to	PART
+be	AUX
+replaced	VERB
+.	PUNCT
+
+Everything	PRON
+except	ADP
+the	DET
+display	NOUN
+worked	VERB
+fine	ADV
+before	SCONJ
+I	PRON
+took	VERB
+it	PRON
+in	ADV
+.	PUNCT
+
+The	DET
+video	NOUN
+cable	NOUN
+was	AUX
+replaced	VERB
+and	CCONJ
+suddenly	ADV
+the	DET
+motherboard	NOUN
+was	AUX
+dead	ADJ
+.	PUNCT
+
+Phone	NOUN
+calls	NOUN
+were	AUX
+n't	PART
+returned	VERB
+when	ADV
+promised	VERB
+and	CCONJ
+the	DET
+botched	VERB
+repair	NOUN
+took	VERB
+a	DET
+week	NOUN
+longer	ADV
+than	SCONJ
+promised	VERB
+.	PUNCT
+
+We	PRON
+have	AUX
+stayed	VERB
+at	ADP
+Tanglewood	PROPN
+for	ADP
+many	ADJ
+years	NOUN
+now	ADV
+.	PUNCT
+
+We	PRON
+go	VERB
+over	ADV
+about	ADV
+5	NUM
+times	NOUN
+a	DET
+year	NOUN
+.	PUNCT
+
+We	PRON
+have	AUX
+never	ADV
+had	VERB
+a	DET
+problem	NOUN
+with	ADP
+the	DET
+cabins	NOUN
+.	PUNCT
+
+They	PRON
+are	AUX
+always	ADV
+so	ADV
+helpful	ADJ
+.	PUNCT
+
+The	DET
+cabins	NOUN
+have	AUX
+always	ADV
+been	AUX
+clean	ADJ
+.	PUNCT
+
+Helen	PROPN
+is	AUX
+a	DET
+wonderful	ADJ
+place	NOUN
+to	PART
+take	VERB
+you	PRON
+family	NOUN
+.	PUNCT
+
+We	PRON
+recommend	VERB
+these	DET
+cabins	NOUN
+!	PUNCT
+
+Ca	AUX
+n't	PART
+say	VERB
+enough	ADJ
+
+I	PRON
+used	VERB
+to	PART
+tan	VERB
+down	ADP
+the	DET
+street	NOUN
+before	SCONJ
+I	PRON
+was	AUX
+referred	VERB
+to	ADP
+this	DET
+place	NOUN
+by	ADP
+one	NUM
+of	ADP
+my	PRON
+friends	NOUN
+.	PUNCT
+
+WOW	INTJ
+!	PUNCT
+
+I	PRON
+did	AUX
+n't	PART
+know	VERB
+what	PRON
+I	PRON
+was	AUX
+missing	VERB
+.	PUNCT
+
+The	DET
+lowest	ADJ
+bed	NOUN
+here	ADV
+is	AUX
+better	ADJ
+than	ADP
+my	PRON
+last	ADJ
+salon	NOUN
+s	PART
+highest	ADJ
+level	NOUN
+.	PUNCT
+
+Salon	NOUN
+is	AUX
+clean	ADJ
+and	CCONJ
+girls	NOUN
+are	AUX
+nice	ADJ
+.	PUNCT
+
+Great	ADJ
+People	NOUN
+and	CCONJ
+even	ADV
+better	ADJ
+service	NOUN
+!	PUNCT
+
+Best	ADJ
+to	PART
+deal	VERB
+with	ADP
+!	PUNCT
+
+In	ADP
+a	DET
+few	ADJ
+words	NOUN
+...	PUNCT
+I	PRON
+'m	AUX
+pleasantly	ADV
+surprised	ADJ
+that	SCONJ
+you	PRON
+can	AUX
+still	ADV
+find	VERB
+"	PUNCT
+old	ADJ
+school	NOUN
+"	PUNCT
+service	NOUN
+out	ADV
+there	ADV
+where	ADV
+company	NOUN
+care	VERB
+more	ADV
+about	ADP
+good	ADJ
+name	NOUN
+and	CCONJ
+customers	NOUN
+than	ADP
+their	PRON
+pockets	NOUN
+...	PUNCT
+
+Highly	ADV
+recommended	VERB
+people	NOUN
+/	PUNCT
+business	NOUN
+.	PUNCT
+
+Thanks	NOUN
+Josh	PROPN
+!	PUNCT
+
+Dentist	NOUN
+you	PRON
+can	AUX
+trust	VERB
+
+If	SCONJ
+possible	ADJ
+I	PRON
+try	VERB
+the	DET
+services	NOUN
+on	ADP
+myself	PRON
+before	SCONJ
+I	PRON
+bring	VERB
+in	ADV
+my	PRON
+son	NOUN
+.	PUNCT
+
+Drs.	PROPN
+Ali	PROPN
+work	VERB
+wonders	NOUN
+.	PUNCT
+
+Neither	CCONJ
+me	PRON
+nor	CCONJ
+my	PRON
+son	NOUN
+have	AUX
+n't	PART
+had	VERB
+a	DET
+single	ADJ
+cavity	NOUN
+since	SCONJ
+we	PRON
+started	VERB
+dental	ADJ
+care	NOUN
+there	ADV
+.	PUNCT
+
+The	DET
+team	NOUN
+focus	NOUN
+is	AUX
+prevention	NOUN
+and	CCONJ
+education	NOUN
+.	PUNCT
+
+That	PRON
+alone	ADJ
+makes	VERB
+them	PRON
+unique	ADJ
+.	PUNCT
+
+This	PRON
+is	AUX
+not	PART
+your	PRON
+usual	ADJ
+cheap	ADJ
+hotdog	NOUN
+place	NOUN
+.	PUNCT
+
+They	PRON
+offer	VERB
+a	DET
+large	ADJ
+variety	NOUN
+of	ADP
+quality	ADJ
+hotdogs	NOUN
+and	CCONJ
+hamburgers	NOUN
+They	PRON
+also	ADV
+offer	VERB
+veggie	NOUN
+dogs	NOUN
+.	PUNCT
+
+The	DET
+fries	NOUN
+are	AUX
+of	ADP
+good	ADJ
+quality	NOUN
+,	PUNCT
+the	DET
+staff	NOUN
+is	AUX
+friendly	ADJ
+.	PUNCT
+
+The	DET
+atmosphere	NOUN
+is	AUX
+your	PRON
+typical	ADJ
+indie	ADJ
+outfit	NOUN
+with	ADP
+old	ADJ
+movie	NOUN
+posters	NOUN
+and	CCONJ
+memorabilia	NOUN
+from	ADP
+the	DET
+70's	NOUN
+and	CCONJ
+80's	NOUN
+.	PUNCT
+
+Over	X
+charged	VERB
+.	PUNCT
+
+I	PRON
+used	VERB
+my	PRON
+card	NOUN
+to	PART
+purchase	VERB
+a	DET
+meal	NOUN
+on	ADP
+the	DET
+menu	NOUN
+and	CCONJ
+the	DET
+total	NOUN
+on	ADP
+my	PRON
+receipt	NOUN
+was	AUX
+$	SYM
+8.95	NUM
+but	CCONJ
+when	ADV
+I	PRON
+went	VERB
+on	ADP
+line	NOUN
+to	PART
+check	VERB
+my	PRON
+transaction	NOUN
+it	PRON
+show	VERB
+$	SYM
+10.74	NUM
+.	PUNCT
+
+There	PRON
+is	VERB
+something	PRON
+wrong	ADJ
+or	CCONJ
+maybe	ADV
+the	DET
+individual	NOUN
+made	VERB
+a	DET
+mistake	NOUN
+but	CCONJ
+to	ADP
+me	PRON
+that	PRON
+is	AUX
+not	PART
+integrity	NOUN
+.	PUNCT
+
+Elmira	PROPN
+,	PUNCT
+you	PRON
+r	AUX
+the	DET
+best	ADJ
+!	PUNCT
+
+All	DET
+I	PRON
+can	AUX
+say	VERB
+is	VERB
+that	SCONJ
+Elmira	PROPN
+you	PRON
+are	AUX
+the	DET
+best	ADJ
+I	PRON
+ve	AUX
+experienced	VERB
+,	PUNCT
+never	ADV
+before	ADV
+has	AUX
+the	DET
+seamstress	NOUN
+done	VERB
+a	DET
+perfect	ADJ
+job	NOUN
+until	SCONJ
+i	PRON
+met	VERB
+you	PRON
+.	PUNCT
+
+I	PRON
+recommend	VERB
+you	PRON
+to	ADP
+everyone	PRON
+in	ADP
+Calgary	PROPN
+,	PUNCT
+as	SCONJ
+she	PRON
+is	AUX
+a	DET
+professional	NOUN
+and	CCONJ
+the	DET
+cost	NOUN
+for	ADP
+her	PRON
+was	AUX
+low	ADJ
+.	PUNCT
+
+5	NUM
+star	NOUN
+detail	NOUN
+job	NOUN
+
+I	PRON
+took	VERB
+my	PRON
+Mustang	PROPN
+here	ADV
+and	CCONJ
+it	PRON
+looked	VERB
+amazing	ADJ
+after	SCONJ
+they	PRON
+were	AUX
+done	ADJ
+,	PUNCT
+they	PRON
+did	VERB
+a	DET
+great	ADJ
+job	NOUN
+,	PUNCT
+I	PRON
+'m	AUX
+very	ADV
+satisfied	ADJ
+with	ADP
+the	DET
+results	NOUN
+.	PUNCT
+
+The	DET
+paint	NOUN
+and	CCONJ
+wheels	NOUN
+looked	VERB
+like	ADP
+glass	NOUN
+and	CCONJ
+the	DET
+interior	ADJ
+looked	VERB
+new	ADJ
+!	PUNCT
+
+Also	ADV
+,	PUNCT
+they	PRON
+have	VERB
+great	ADJ
+customer	NOUN
+service	NOUN
+and	CCONJ
+a	DET
+very	ADV
+knowledgeable	ADJ
+staff	NOUN
+
diff --git a/challenge/test-notags.txt b/challenge/test-notags.txt
new file mode 100644
index 0000000000000000000000000000000000000000..5dc465647928f70effe8468e8c031bf9d54391cd
--- /dev/null
+++ b/challenge/test-notags.txt
@@ -0,0 +1,27173 @@
+What	_
+if	_
+Google	_
+Morphed	_
+Into	_
+GoogleOS	_
+?	_
+
+What	_
+if	_
+Google	_
+expanded	_
+on	_
+its	_
+search	_
+-	_
+engine	_
+(	_
+and	_
+now	_
+e-mail	_
+)	_
+wares	_
+into	_
+a	_
+full	_
+-	_
+fledged	_
+operating	_
+system	_
+?	_
+
+[	_
+via	_
+Microsoft	_
+Watch	_
+from	_
+Mary	_
+Jo	_
+Foley	_
+]	_
+
+(	_
+And	_
+,	_
+by	_
+the	_
+way	_
+,	_
+is	_
+anybody	_
+else	_
+just	_
+a	_
+little	_
+nostalgic	_
+for	_
+the	_
+days	_
+when	_
+that	_
+was	_
+a	_
+good	_
+thing	_
+?	_
+)	_
+
+This	_
+BuzzMachine	_
+post	_
+argues	_
+that	_
+Google	_
+'s	_
+rush	_
+toward	_
+ubiquity	_
+might	_
+backfire	_
+--	_
+which	_
+we	_
+'ve	_
+all	_
+heard	_
+before	_
+,	_
+but	_
+it	_
+'s	_
+particularly	_
+well	_
+-	_
+put	_
+in	_
+this	_
+post	_
+.	_
+
+Google	_
+is	_
+a	_
+nice	_
+search	_
+engine	_
+.	_
+
+Does	_
+anybody	_
+use	_
+it	_
+for	_
+anything	_
+else	_
+?	_
+
+They	_
+own	_
+blogger	_
+,	_
+of	_
+course	_
+.	_
+
+Is	_
+that	_
+a	_
+money	_
+maker	_
+?	_
+
+I	_
+'m	_
+staying	_
+away	_
+from	_
+the	_
+stock	_
+.	_
+
+I	_
+doubt	_
+the	_
+very	_
+few	_
+who	_
+actually	_
+read	_
+my	_
+blog	_
+have	_
+not	_
+come	_
+across	_
+this	_
+yet	_
+,	_
+but	_
+I	_
+figured	_
+I	_
+would	_
+put	_
+it	_
+out	_
+there	_
+anyways	_
+.	_
+
+John	_
+Donovan	_
+from	_
+Argghhh!	_
+has	_
+put	_
+out	_
+a	_
+excellent	_
+slide	_
+show	_
+on	_
+what	_
+was	_
+actually	_
+found	_
+and	_
+fought	_
+for	_
+in	_
+Fallujah	_
+.	_
+
+Click	_
+here	_
+To	_
+view	_
+it	_
+.	_
+
+He	_
+makes	_
+some	_
+good	_
+observations	_
+on	_
+a	_
+few	_
+of	_
+the	_
+pic's	_
+.	_
+
+One	_
+of	_
+the	_
+pictures	_
+shows	_
+a	_
+flag	_
+that	_
+was	_
+found	_
+in	_
+Fallujah	_
+.	_
+
+On	_
+the	_
+next	_
+two	_
+pictures	_
+he	_
+took	_
+screenshots	_
+of	_
+two	_
+beheading	_
+video's	_
+.	_
+
+Compare	_
+the	_
+flags	_
+to	_
+the	_
+Fallujah	_
+one	_
+.	_
+
+You	_
+have	_
+to	_
+see	_
+these	_
+slides	_
+....	_
+they	_
+are	_
+amazing	_
+.	_
+
+This	_
+Fallujah	_
+operation	_
+my	_
+turn	_
+out	_
+to	_
+be	_
+the	_
+most	_
+important	_
+operation	_
+done	_
+by	_
+the	_
+US	_
+Military	_
+since	_
+the	_
+end	_
+of	_
+the	_
+war	_
+.	_
+
+Let	_
+me	_
+join	_
+the	_
+chorus	_
+of	_
+annoyance	_
+over	_
+Google	_
+'s	_
+new	_
+toolbar	_
+,	_
+which	_
+,	_
+as	_
+noted	_
+in	_
+the	_
+linked	_
+article	_
+,	_
+commits	_
+just	_
+about	_
+every	_
+sin	_
+an	_
+online	_
+marketer	_
+could	_
+commit	_
+,	_
+and	_
+makes	_
+up	_
+a	_
+few	_
+new	_
+ones	_
+besides	_
+.	_
+
+I	_
+'m	_
+not	_
+fond	_
+of	_
+the	_
+Google	_
+-	_
+hates	_
+-	_
+privacy	_
+argument	_
+
+(	_
+You	_
+do	_
+n't	_
+need	_
+to	_
+use	_
+their	_
+site	_
+,	_
+you	_
+can	_
+opt	_
+-	_
+out	_
+of	_
+sharing	_
+your	_
+information	_
+,	_
+you	_
+do	_
+n't	_
+need	_
+to	_
+send	_
+stuff	_
+to	_
+anyone	_
+with	_
+a	_
+Gmail	_
+account	_
+,	_
+and	_
+if	_
+--	_
+wonder	_
+of	_
+wonders	_
+--	_
+you	_
+'re	_
+worried	_
+that	_
+you	_
+might	_
+send	_
+something	_
+to	_
+someone	_
+who	_
+would	_
+forward	_
+an	_
+excerpt	_
+to	_
+someone	_
+who	_
+would	_
+then	_
+store	_
+it	_
+on	_
+a	_
+Gmail	_
+account	_
+...	_
+you	_
+have	_
+far	_
+,	_
+far	_
+too	_
+much	_
+time	_
+on	_
+your	_
+hands	_
+)	_
+.	_
+
+However	_
+,	_
+this	_
+toolbar	_
+is	_
+really	_
+bad	_
+news	_
+.	_
+
+On	_
+the	_
+other	_
+hand	_
+,	_
+it	_
+looks	_
+pretty	_
+cool	_
+.	_
+
+Iran	_
+says	_
+it	_
+is	_
+creating	_
+nuclear	_
+energy	_
+without	_
+wanting	_
+nuclear	_
+weapons	_
+.	_
+
+The	_
+United	_
+States	_
+does	_
+n't	_
+believe	_
+the	_
+Iranian	_
+Government	_
+.	_
+
+One	_
+can	_
+suspect	_
+the	_
+Iranian	_
+Government	_
+.	_
+
+But	_
+there	_
+is	_
+no	_
+proof	_
+.	_
+
+I	_
+read	_
+an	_
+Article	_
+in	_
+Time	_
+magazine	_
+accusing	_
+the	_
+Iranian	_
+Government	_
+of	_
+being	_
+willing	_
+to	_
+start	_
+a	_
+nuclear	_
+war	_
+and	_
+I	_
+sympathise	_
+with	_
+the	_
+Article	_
+.	_
+
+They	_
+are	_
+certainly	_
+being	_
+nasty	_
+to	_
+the	_
+United	_
+Nations	_
+Security	_
+Council	_
+in	_
+connection	_
+with	_
+the	_
+anti-proliferation	_
+treaty	_
+.	_
+
+The	_
+President	_
+has	_
+also	_
+said	_
+he	_
+would	_
+like	_
+to	_
+see	_
+Israel	_
+wiped	_
+off	_
+the	_
+map	_
+which	_
+he	_
+could	_
+n't	_
+even	_
+begin	_
+to	_
+try	_
+without	_
+nuclear	_
+weapons	_
+.	_
+
+But	_
+he	_
+has	_
+insisted	_
+that	_
+he	_
+wants	_
+nuclear	_
+power	_
+for	_
+peaceful	_
+purposes	_
+.	_
+
+Many	_
+people	_
+want	_
+to	_
+use	_
+diplomacy	_
+with	_
+Iran	_
+rather	_
+than	_
+military	_
+pressure	_
+.	_
+
+But	_
+will	_
+diplomacy	_
+work	_
+?	_
+
+And	_
+can	_
+anyone	_
+use	_
+military	_
+pressure	_
+without	_
+proof	_
+?	_
+
+One	_
+reader	_
+pointed	_
+out	_
+that	_
+the	_
+President	_
+watched	_
+the	_
+Americans	_
+in	_
+the	_
+embassy	_
+when	_
+they	_
+took	_
+them	_
+hostage	_
+.	_
+
+He	_
+has	_
+denied	_
+this	_
+.	_
+
+We	_
+do	_
+n't	_
+have	_
+to	_
+believe	_
+him	_
+.	_
+
+But	_
+we	_
+ca	_
+n't	_
+prove	_
+it	_
+.	_
+
+It	_
+does	_
+seem	_
+that	_
+Iranians	_
+frequently	_
+make	_
+statements	_
+and	_
+then	_
+hide	_
+behind	_
+lack	_
+of	_
+proof	_
+.	_
+
+Angry	_
+crowds	_
+chanted	_
+anti-American	_
+slogans	_
+in	_
+the	_
+western	_
+city	_
+of	_
+Falluja	_
+(	_
+pop.	_
+256,000	_
+)	_
+as	_
+the	_
+security	_
+police	_
+killed	_
+in	_
+a	_
+friendly	_
+fire	_
+incident	_
+by	_
+US	_
+troops	_
+were	_
+buried	_
+on	_
+Saturday	_
+.	_
+
+Reuters	_
+reported	_
+that	_
+"	_
+Sunni	_
+clerics	_
+in	_
+the	_
+town	_
+issued	_
+a	_
+'	_
+Declaration	_
+by	_
+the	_
+people	_
+of	_
+Fallujah	_
+'	_
+condemning	_
+the	_
+deaths	_
+of	_
+the	_
+security	_
+guards	_
+and	_
+police	_
+,	_
+announcing	_
+three	_
+days	_
+of	_
+mourning	_
+,	_
+and	_
+calling	_
+for	_
+a	_
+general	_
+strike	_
+today	_
+.	_
+"	_
+
+It	_
+read	_
+,	_
+"	_
+The	_
+people	_
+of	_
+Fallujah	_
+condemn	_
+the	_
+massacre	_
+which	_
+was	_
+committed	_
+on	_
+Friday	_
+against	_
+people	_
+dedicated	_
+to	_
+the	_
+protection	_
+of	_
+Fallujah	_
+.	_
+
+Let	_
+aggressive	_
+(	_
+American	_
+)	_
+leaders	_
+and	_
+soldiers	_
+know	_
+that	_
+we	_
+are	_
+capable	_
+of	_
+protecting	_
+the	_
+city	_
+'s	_
+security	_
+and	_
+safety	_
+,	_
+and	_
+ask	_
+them	_
+to	_
+lift	_
+their	_
+hands	_
+from	_
+the	_
+city	_
+.	_
+"	_
+
+The	_
+clerics	_
+demanded	_
+talks	_
+with	_
+local	_
+US	_
+commanders	_
+.	_
+
+Falluja	_
+has	_
+long	_
+been	_
+roiled	_
+by	_
+tense	_
+relations	_
+with	_
+the	_
+US	_
+soldiers	_
+there	_
+,	_
+since	_
+local	_
+Sunnis	_
+either	_
+remain	_
+committed	_
+to	_
+Arab	_
+nationalism	_
+or	_
+have	_
+become	_
+Sunni	_
+fundamentalists	_
+or	_
+even	_
+radicals	_
+.	_
+
+Cities	_
+such	_
+as	_
+Falluja	_
+received	_
+special	_
+treatment	_
+from	_
+Saddam	_
+and	_
+enjoyed	_
+a	_
+disproportionate	_
+share	_
+of	_
+the	_
+country	_
+'s	_
+wealth	_
+and	_
+power	_
+.	_
+
+They	_
+know	_
+that	_
+the	_
+American	_
+advent	_
+implies	_
+for	_
+them	_
+a	_
+demotion	_
+,	_
+and	_
+an	_
+elevation	_
+of	_
+the	_
+Shiites	_
+and	_
+Kurds	_
+,	_
+and	_
+they	_
+refuse	_
+to	_
+go	_
+quietly	_
+.	_
+
+See	_
+http://www.gulf-news.com/Articles/news.asp?ArticleID=97508	_
+
+The	_
+Supreme	_
+Court	_
+announced	_
+its	_
+ruling	_
+today	_
+in	_
+Hamdan	_
+v.	_
+Rumsfeld	_
+divided	_
+along	_
+idelogical	_
+lines	_
+with	_
+John	_
+Roberts	_
+abstaining	_
+due	_
+to	_
+his	_
+involvement	_
+at	_
+the	_
+D.C.	_
+Circuit	_
+level	_
+and	_
+Anthony	_
+Kennedy	_
+joining	_
+the	_
+liberals	_
+in	_
+a	_
+5	_
+-	_
+3	_
+decision	_
+that	_
+is	_
+185	_
+pages	_
+long	_
+.	_
+
+The	_
+actual	_
+vote	_
+is	_
+a	_
+little	_
+confusing	_
+.	_
+
+Stay	_
+with	_
+me	_
+now	_
+:	_
+John	_
+Paul	_
+STEVENS	_
+delivered	_
+the	_
+opinion	_
+of	_
+the	_
+Court	_
+with	_
+respect	_
+to	_
+Parts	_
+I	_
+through	_
+IV	_
+,	_
+VI	_
+through	_
+VI	_
+-	_
+D	_
+-	_
+iii	_
+,	_
+VI	_
+-	_
+D	_
+-	_
+v	_
+,	_
+and	_
+VII	_
+,	_
+in	_
+which	_
+KENNEDY	_
+,	_
+SOUTER	_
+,	_
+GINSBURG	_
+,	_
+and	_
+BREYER	_
+joined	_
+,	_
+and	_
+an	_
+opinion	_
+with	_
+respect	_
+to	_
+Parts	_
+V	_
+and	_
+VI	_
+-	_
+D	_
+-	_
+iv	_
+,	_
+in	_
+which	_
+SOUTER	_
+,	_
+GINSBURG	_
+,	_
+and	_
+BREYER	_
+joined	_
+.	_
+
+BREYER	_
+filed	_
+a	_
+concurring	_
+opinion	_
+,	_
+in	_
+which	_
+KENNEDY	_
+,	_
+SOUTER	_
+,	_
+and	_
+GINSBURG	_
+joined	_
+.	_
+
+KENNEDY	_
+filed	_
+an	_
+opinion	_
+concurring	_
+in	_
+part	_
+,	_
+in	_
+which	_
+SOUTER	_
+,	_
+GINSBURG	_
+,	_
+and	_
+BREYER	_
+joined	_
+as	_
+to	_
+Parts	_
+I	_
+and	_
+II	_
+.	_
+
+SCALIA	_
+filed	_
+a	_
+dissenting	_
+opinion	_
+,	_
+in	_
+which	_
+THOMAS	_
+and	_
+ALITO	_
+joined	_
+.	_
+
+THOMAS	_
+filed	_
+a	_
+dissenting	_
+opinion	_
+,	_
+in	_
+which	_
+SCALIA	_
+joined	_
+,	_
+and	_
+in	_
+which	_
+ALITO	_
+joined	_
+as	_
+to	_
+all	_
+but	_
+Parts	_
+I	_
+,	_
+II	_
+-	_
+C	_
+-	_
+1	_
+,	_
+and	_
+III	_
+-	_
+B	_
+-	_
+2	_
+.	_
+
+ALITO	_
+filed	_
+a	_
+dissenting	_
+opinion	_
+,	_
+in	_
+which	_
+SCALIA	_
+and	_
+THOMAS	_
+joined	_
+as	_
+to	_
+Parts	_
+I	_
+through	_
+III	_
+.	_
+
+It	_
+will	_
+take	_
+me	_
+a	_
+little	_
+while	_
+to	_
+read	_
+the	_
+whole	_
+thing	_
+,	_
+but	_
+I	_
+rarely	_
+agree	_
+with	_
+a	_
+John	_
+Paul	_
+Stevens	_
+opinion	_
+.	_
+
+I	_
+'ll	_
+post	_
+highlights	_
+from	_
+the	_
+opinion	_
+and	_
+dissents	_
+when	_
+I	_
+'m	_
+finished	_
+.	_
+
+Important	_
+news	_
+such	_
+as	_
+President	_
+Bush	_
+'s	_
+miniscule	_
+calibrations	_
+on	_
+his	_
+marriage	_
+amendment	_
+/	_
+anti-gay	_
+(	_
+update	_
+:	_
+he	_
+'s	_
+not	_
+against	_
+gays	_
+in	_
+the	_
+bedroom	_
+,	_
+just	_
+at	_
+the	_
+altar	_
+,	_
+where	_
+of	_
+course	_
+their	_
+relationships	_
+should	_
+not	_
+only	_
+be	_
+frowned	_
+upon	_
+but	_
+should	_
+be	_
+constitutionally	_
+excluded	_
+)	_
+has	_
+pushed	_
+Sudan	_
+not	_
+just	_
+off	_
+the	_
+front	_
+pages	_
+,	_
+or	_
+the	_
+A	_
+section	_
+,	_
+but	_
+out	_
+of	_
+the	_
+NY	_
+Times	_
+and	_
+Washington	_
+Post	_
+completely	_
+.	_
+
+I	_
+had	_
+to	_
+go	_
+to	_
+the	_
+BBC	_
+for	_
+this	_
+report	_
+.	_
+
+It	_
+'s	_
+symptomatic	_
+,	_
+I	_
+suppose	_
+,	_
+of	_
+our	_
+fast	_
+-	_
+paced	_
+,	_
+24	_
+hour	_
+news	_
+-	_
+cycle	_
+lives	_
+,	_
+that	_
+the	_
+biggest	_
+short	_
+-	_
+term	_
+humanitarian	_
+crisis	_
+in	_
+the	_
+world	_
+would	_
+quickly	_
+be	_
+eclipsed	_
+,	_
+once	_
+our	_
+Secretary	_
+of	_
+State	_
+was	_
+finished	_
+with	_
+his	_
+whirlwind	_
+tour	_
+,	_
+from	_
+the	_
+newspapers	_
+.	_
+
+It	_
+'s	_
+just	_
+disappointing	_
+.	_
+
+Most	_
+troubling	_
+,	_
+however	_
+,	_
+is	_
+the	_
+fact	_
+that	_
+the	_
+political	_
+will	_
+to	_
+end	_
+the	_
+crisis	_
+expressed	_
+a	_
+few	_
+short	_
+weeks	_
+ago	_
+seems	_
+to	_
+have	_
+ebbed	_
+.	_
+
+At	_
+that	_
+time	_
+,	_
+UN	_
+Secretary	_
+General	_
+Kofi	_
+Annan	_
+demanded	_
+steps	_
+be	_
+taken	_
+to	_
+end	_
+the	_
+ethnic	_
+violence	_
+in	_
+Darfur	_
+within	_
+48	_
+hours	_
+.	_
+
+Two	_
+weeks	_
+later	_
+,	_
+and	_
+the	_
+violence	_
+continues	_
+.	_
+
+The	_
+African	_
+Union	_
+is	_
+clearly	_
+not	_
+up	_
+to	_
+the	_
+task	_
+of	_
+keeping	_
+the	_
+peace	_
+,	_
+pledging	_
+300	_
+troops	_
+to	_
+an	_
+area	_
+that	_
+will	_
+need	_
+15,000	_
+,	_
+according	_
+to	_
+analysts	_
+.	_
+
+And	_
+international	_
+donors	_
+have	_
+given	_
+only	_
+half	_
+of	_
+the	_
+relief	_
+aid	_
+that	_
+Darfur	_
+needs	_
+,	_
+according	_
+to	_
+the	_
+local	_
+UN	_
+officials	_
+.	_
+
+So	_
+hear	_
+we	_
+are	_
+,	_
+two	_
+weeks	_
+later	_
+,	_
+after	_
+that	_
+dazzling	_
+PR	_
+display	_
+two	_
+weeks	_
+ago	_
+by	_
+Powell	_
+and	_
+Annan	_
+,	_
+and	_
+the	_
+situation	_
+on	_
+the	_
+ground	_
+in	_
+Darfur	_
+appears	_
+basically	_
+unchanged	_
+.	_
+
+Warren	_
+Buffett	_
+is	_
+giving	_
+away	_
+85	_
+%	_
+of	_
+his	_
+wealth	_
+,	_
+mostly	_
+to	_
+the	_
+Bill	_
+and	_
+Melinda	_
+Gates	_
+Foundation	_
+.	_
+
+It	_
+'s	_
+a	_
+move	_
+that	_
+really	_
+worries	_
+me	_
+;	_
+Buffett	_
+'s	_
+usual	_
+justification	_
+for	_
+keeping	_
+most	_
+of	_
+his	_
+money	_
+was	_
+that	_
+he	_
+was	_
+still	_
+compounding	_
+the	_
+value	_
+of	_
+his	_
+fortune	_
+at	_
+a	_
+pretty	_
+high	_
+rate	_
+,	_
+so	_
+any	_
+gifts	_
+now	_
+would	_
+mean	_
+significantly	_
+less	_
+money	_
+for	_
+the	_
+foundation	_
+later	_
+.	_
+
+It	_
+'s	_
+a	_
+little	_
+hard	_
+to	_
+parse	_
+,	_
+but	_
+at	_
+this	_
+point	_
+his	_
+ostensible	_
+view	_
+is	_
+that	_
+the	_
+Gateses	_
+are	_
+very	_
+good	_
+money	_
+-	_
+redistributors	_
+,	_
+and	_
+he	_
+wants	_
+them	_
+to	_
+have	_
+the	_
+money	_
+as	_
+soon	_
+as	_
+possible	_
+.	_
+
+Which	_
+essentially	_
+sounds	_
+like	_
+he	_
+'s	_
+worried	_
+that	_
+Bill	_
+or	_
+Melinda	_
+are	_
+going	_
+to	_
+die	_
+soon	_
+.	_
+
+I	_
+assume	_
+his	_
+actual	_
+reason	_
+is	_
+that	_
+he	_
+'s	_
+worried	_
+that	_
+Berkshire	_
+Hathaway	_
+just	_
+ca	_
+n't	_
+grow	_
+quickly	_
+enough	_
+to	_
+justify	_
+his	_
+usual	_
+charity	_
+policy	_
+.	_
+
+I	_
+'m	_
+not	_
+sure	_
+how	_
+the	_
+market	_
+will	_
+react	_
+.	_
+
+It	_
+does	_
+n't	_
+change	_
+the	_
+company	_
+'s	_
+intrinsic	_
+worth	_
+,	_
+and	_
+as	_
+the	_
+article	_
+notes	_
+,	_
+the	_
+company	_
+might	_
+be	_
+added	_
+to	_
+a	_
+major	_
+index	_
+once	_
+the	_
+shares	_
+get	_
+more	_
+liquid	_
+.	_
+
+On	_
+the	_
+other	_
+hand	_
+,	_
+this	_
+is	_
+essentially	_
+a	_
+statement	_
+that	_
+the	_
+company	_
+is	_
+overpriced	_
+from	_
+the	_
+guy	_
+who	_
+knows	_
+it	_
+best	_
+--	_
+and	_
+happens	_
+to	_
+be	_
+the	_
+best	_
+investor	_
+of	_
+the	_
+last	_
+century	_
+.	_
+
+em	_
+...	_
+no	_
+...	_
+the	_
+Gates	_
+foundation	_
+mainly	_
+invests	_
+in	_
+medical	_
+research	_
+and	_
+education	_
+,	_
+that	_
+means	_
+donating	_
+now	_
+adds	_
+a	_
+tremendous	_
+value	_
+compared	_
+to	_
+donating	_
+in	_
+ten	_
+years	_
+.	_
+
+Because	_
+the	_
+10.000.000	_
+people	_
+dying	_
+from	_
+malaria	_
+will	_
+otherwise	_
+be	_
+dead	_
+.	_
+
+i.e	_
+.	_
+
+He	_
+'s	_
+not	_
+giving	_
+85	_
+%	_
+away	_
+,	_
+he	_
+'s	_
+giving	_
+a	_
+number	_
+of	_
+shares	_
+each	_
+year	_
+that	_
+decrease	_
+in	_
+number	_
+at	_
+the	_
+rate	_
+of	_
+5	_
+%	_
+a	_
+year	_
+(	_
+until	_
+gone	_
+?	_
+)	_
+.	_
+
+He	_
+mentions	_
+his	_
+wife	_
+'s	_
+death	_
+having	_
+an	_
+effect	_
+on	_
+him	_
+.	_
+
+It	_
+sounds	_
+pretty	_
+rational	_
+that	_
+he	_
+'s	_
+saying	_
+that	_
+Bill	_
+and	_
+Melinda	_
+are	_
+at	_
+a	_
+prime	_
+spot	_
+,	_
+so	_
+starting	_
+the	_
+money	_
+hose	_
+now	_
+is	_
+a	_
+good	_
+idea	_
+,	_
+but	_
+Buffet	_
+is	_
+still	_
+keeping	_
+most	_
+of	_
+his	_
+donation	_
+inside	_
+of	_
+Berkshire	_
+where	_
+it	_
+will	_
+compound	_
+.	_
+
+Bill	_
+over	_
+at	_
+The	_
+Fourth	_
+Rail	_
+has	_
+an	_
+excellent	_
+essay	_
+on	_
+how	_
+the	_
+MSM	_
+and	_
+the	_
+UN	_
+,	_
+even	_
+the	_
+leftist	_
+countries	_
+in	_
+Europe	_
+,	_
+are	_
+basically	_
+accepting	_
+terrorist	_
+organizations	_
+as	_
+legitimate	_
+forms	_
+of	_
+a	_
+political	_
+party	_
+:	_
+
+On	_
+the	_
+same	_
+day	_
+Palestinians	_
+protest	_
+in	_
+support	_
+of	_
+Hezbollah	_
+and	_
+Syria	_
+,	_
+the	_
+terrorist	_
+group	_
+Hamas	_
+has	_
+indicated	_
+it	_
+will	_
+participate	_
+in	_
+the	_
+scheduled	_
+upcoming	_
+Parliamentary	_
+elections	_
+.	_
+
+To	_
+the	_
+north	_
+in	_
+Lebanon	_
+,	_
+there	_
+is	_
+serious	_
+debate	_
+within	_
+Hezbollah	_
+about	_
+entering	_
+the	_
+Lebanese	_
+political	_
+process	_
+in	_
+light	_
+of	_
+Syria	_
+'s	_
+promised	_
+withdrawal	_
+.	_
+
+Syria	_
+has	_
+agreed	_
+to	_
+withdraw	_
+under	_
+the	_
+conditions	_
+set	_
+forth	_
+in	_
+UNSC	_
+Resolution	_
+1559	_
+,	_
+which	_
+has	_
+already	_
+begun	_
+.	_
+
+UN	_
+Secretary	_
+-	_
+General	_
+Kofi	_
+Annan	_
+has	_
+indicated	_
+it	_
+is	_
+time	_
+to	_
+"	_
+recognize	_
+Hezbollah	_
+"	_
+after	_
+easily	_
+being	_
+duped	_
+by	_
+"	_
+the	_
+message	_
+on	_
+the	_
+placards	_
+they	_
+are	_
+using	_
+"	_
+.	_
+
+This	_
+acceptance	_
+of	_
+blatantly	_
+terrorist	_
+groups	_
+as	_
+legitimate	_
+freedom	_
+movements	_
+is	_
+a	_
+cancerous	_
+tumor	_
+on	_
+the	_
+United	_
+Nations	_
+and	_
+the	_
+media	_
+.	_
+
+Over	_
+three	_
+years	_
+after	_
+9-11	_
+,	_
+the	_
+United	_
+Nations	_
+,	_
+despite	_
+their	_
+attempts	_
+to	_
+project	_
+strength	_
+in	_
+fighting	_
+terrorism	_
+,	_
+still	_
+can	_
+not	_
+properly	_
+define	_
+the	_
+word	_
+"	_
+terrorist	_
+"	_
+,	_
+waffling	_
+over	_
+the	_
+issue	_
+of	_
+whether	_
+the	_
+murder	_
+of	_
+innocent	_
+civilians	_
+are	_
+terrorist	_
+acts	_
+.	_
+
+The	_
+media	_
+routinely	_
+obscures	_
+the	_
+lines	_
+between	_
+terrorism	_
+and	_
+legitimate	_
+resistance	_
+,	_
+as	_
+the	_
+recent	_
+article	_
+by	_
+Daniel	_
+Okrent	_
+of	_
+The	_
+New	_
+York	_
+Times	_
+demonstrates	_
+.	_
+
+...	_
+
+The	_
+decision	_
+to	_
+sidestep	_
+the	_
+obvious	_
+to	_
+satisfy	_
+the	_
+need	_
+to	_
+avoid	_
+confrontation	_
+does	_
+not	_
+bring	_
+peace	_
+,	_
+but	_
+only	_
+delays	_
+the	_
+eventual	_
+conflict	_
+as	_
+the	_
+predators	_
+of	_
+Hamas	_
+and	_
+Hezbollah	_
+exploit	_
+the	_
+inherent	_
+weakness	_
+of	_
+the	_
+internationals	_
+and	_
+the	_
+media	_
+.	_
+
+I	_
+'ve	_
+been	_
+fuming	_
+over	_
+this	_
+fact	_
+for	_
+a	_
+few	_
+weeks	_
+now	_
+,	_
+ever	_
+since	_
+some	_
+organizations	_
+and	_
+governments	_
+suggested	_
+we	_
+need	_
+to	_
+accept	_
+the	_
+fact	_
+that	_
+Hezbollah	_
+will	_
+get	_
+involved	_
+in	_
+running	_
+Lebanon	_
+.	_
+
+Wtf	_
+is	_
+this	_
+?	_
+
+This	_
+is	_
+a	_
+terrorist	_
+organization	_
+plain	_
+and	_
+simple	_
+.	_
+
+This	_
+is	_
+the	_
+organization	_
+that	_
+bombed	_
+our	_
+Marine	_
+barracks	_
+in	_
+1983	_
+,	_
+took	_
+Americans	_
+hostage	_
+throughout	_
+the	_
+80's	_
+and	_
+now	_
+they	_
+should	_
+be	_
+considered	_
+a	_
+legitimate	_
+organization	_
+?	_
+
+This	_
+is	_
+just	_
+another	_
+reason	_
+to	_
+never	_
+trust	_
+the	_
+MSM	_
+,	_
+and	_
+certainly	_
+not	_
+the	_
+Europeans	_
+.	_
+
+The	_
+Iraqi	_
+Islamic	_
+Party	_
+lead	_
+by	_
+Muhsin	_
+Abdul	_
+Hamid	_
+,	_
+has	_
+been	_
+among	_
+the	_
+few	_
+Sunni	_
+Muslim	_
+groups	_
+willing	_
+to	_
+cooperate	_
+(	_
+even	_
+if	_
+rather	_
+lukewarmly	_
+)	_
+with	_
+the	_
+Americans	_
+.	_
+
+It	_
+is	_
+now	_
+threatening	_
+to	_
+pull	_
+out	_
+of	_
+the	_
+Allawi	_
+caretaker	_
+government	_
+.	_
+
+The	_
+IIP	_
+had	_
+also	_
+been	_
+the	_
+main	_
+force	_
+urging	_
+Sunni	_
+Arabs	_
+to	_
+participate	_
+in	_
+the	_
+elections	_
+scheduled	_
+for	_
+January	_
+,	_
+and	_
+had	_
+been	_
+opposed	_
+in	_
+this	_
+stance	_
+by	_
+the	_
+Association	_
+of	_
+Muslim	_
+Scholars	_
+.	_
+
+That	_
+the	_
+Iraqi	_
+Islamic	_
+Party	_
+is	_
+now	_
+contemplating	_
+leaving	_
+the	_
+Allawi	_
+government	_
+raises	_
+the	_
+question	_
+of	_
+whether	_
+a	_
+mass	_
+Sunni	_
+Arab	_
+boycott	_
+of	_
+the	_
+elections	_
+is	_
+in	_
+the	_
+offing	_
+,	_
+thus	_
+fatally	_
+weakening	_
+the	_
+legitimacy	_
+of	_
+any	_
+new	_
+government	_
+.	_
+
+Az	_
+-	_
+Zaman	_
+:	_
+The	_
+Association	_
+of	_
+Muslim	_
+Scholars	_
+forbade	_
+Iraqis	_
+to	_
+participate	_
+in	_
+the	_
+attack	_
+on	_
+Fallujah	_
+with	_
+the	_
+Americans	_
+.	_
+
+In	_
+a	_
+communique	_
+,	_
+the	_
+AMS	_
+said	_
+that	_
+for	_
+Iraqis	_
+to	_
+take	_
+part	_
+with	_
+"	_
+raiding	_
+forces	_
+"	_
+in	_
+the	_
+assault	_
+on	_
+a	_
+city	_
+,	_
+the	_
+population	_
+of	_
+which	_
+is	_
+Muslim	_
+(	_
+such	_
+as	_
+Fallujah	_
+)	_
+would	_
+be	_
+considered	_
+the	_
+most	_
+mortal	_
+of	_
+mortal	_
+sins	_
+.	_
+
+The	_
+Sunni	_
+AMS	_
+told	_
+Iraqis	_
+,	_
+"	_
+You	_
+sinned	_
+when	_
+you	_
+participated	_
+with	_
+occupation	_
+forces	_
+in	_
+the	_
+assault	_
+on	_
+Najaf	_
+,	_
+and	_
+beware	_
+lest	_
+you	_
+repeat	_
+this	_
+same	_
+sin	_
+in	_
+Fallujah	_
+.	_
+
+Remember	_
+that	_
+the	_
+Occupation	_
+is	_
+emphemeral	_
+.	_
+"	_
+
+The	_
+radical	_
+Shiite	_
+Sadr	_
+movement	_
+issued	_
+a	_
+statement	_
+forbidding	_
+the	_
+participation	_
+of	_
+Iraqi	_
+troops	_
+in	_
+the	_
+attack	_
+on	_
+Fallujah	_
+,	_
+as	_
+well	_
+.	_
+
+The	_
+statement	_
+said	_
+,	_
+"	_
+We	_
+direct	_
+an	_
+appeal	_
+at	_
+the	_
+men	_
+in	_
+the	_
+Iraqi	_
+forces	_
+,	_
+whether	_
+national	_
+guards	_
+or	_
+others	_
+,	_
+the	_
+majority	_
+of	_
+whom	_
+are	_
+Muslim	_
+,	_
+calling	_
+upon	_
+them	_
+to	_
+refrain	_
+for	_
+commiting	_
+this	_
+enormous	_
+sin	_
+under	_
+the	_
+banner	_
+of	_
+forces	_
+that	_
+do	_
+not	_
+respect	_
+our	_
+religion	_
+or	_
+any	_
+principles	_
+of	_
+basic	_
+humanity	_
+,	_
+and	_
+we	_
+ask	_
+them	_
+to	_
+view	_
+this	_
+war	_
+as	_
+illegal	_
+.	_
+"	_
+
+It	_
+called	_
+a	_
+"	_
+ploy	_
+"	_
+the	_
+assertaion	_
+that	_
+the	_
+attack	_
+was	_
+merely	_
+on	_
+foreign	_
+fighters	_
+at	_
+Fallujah	_
+.	_
+
+The	_
+convergence	_
+of	_
+views	_
+among	_
+the	_
+more	_
+militant	_
+Sunni	_
+Muslim	_
+clerics	_
+of	_
+AMS	_
+and	_
+the	_
+radical	_
+Shiites	_
+of	_
+the	_
+Sadr	_
+movement	_
+has	_
+been	_
+seen	_
+before	_
+,	_
+last	_
+spring	_
+during	_
+the	_
+initial	_
+US	_
+assault	_
+on	_
+Fallujah	_
+and	_
+during	_
+the	_
+US	_
+attack	_
+on	_
+Mahdi	_
+Army	_
+militiamen	_
+in	_
+Najaf	_
+.	_
+
+Most	_
+Shiites	_
+,	_
+however	_
+,	_
+are	_
+still	_
+reluctant	_
+to	_
+take	_
+major	_
+risks	_
+to	_
+support	_
+the	_
+Sunnis	_
+of	_
+Fallujah	_
+,	_
+many	_
+of	_
+whom	_
+had	_
+supported	_
+Saddam	_
+and	_
+his	_
+anti-Shiite	_
+pogroms	_
+.	_
+
+President	_
+Bush	_
+pinched	_
+a	_
+few	_
+nerves	_
+yesterday	_
+with	_
+his	_
+choice	_
+of	_
+words	_
+:	_
+
+WASHINGTON	_
+(	_
+Reuters	_
+)	_
+-	_
+
+U.S.	_
+Muslim	_
+groups	_
+criticized	_
+President	_
+Bush	_
+on	_
+Thursday	_
+for	_
+calling	_
+a	_
+foiled	_
+plot	_
+to	_
+blow	_
+up	_
+airplanes	_
+part	_
+of	_
+a	_
+"	_
+war	_
+with	_
+Islamic	_
+fascists	_
+,	_
+"	_
+saying	_
+the	_
+term	_
+could	_
+inflame	_
+anti-Muslim	_
+tensions	_
+.	_
+
+U.S.	_
+officials	_
+have	_
+said	_
+the	_
+plot	_
+,	_
+thwarted	_
+by	_
+Britain	_
+,	_
+to	_
+blow	_
+up	_
+several	_
+aircraft	_
+over	_
+the	_
+Atlantic	_
+bore	_
+many	_
+of	_
+the	_
+hallmarks	_
+of	_
+al	_
+Qaeda	_
+.	_
+
+"	_
+We	_
+believe	_
+this	_
+is	_
+an	_
+ill	_
+-	_
+advised	_
+term	_
+and	_
+we	_
+believe	_
+that	_
+it	_
+is	_
+counterproductive	_
+to	_
+associate	_
+Islam	_
+or	_
+Muslims	_
+with	_
+fascism	_
+,	_
+"	_
+said	_
+Nihad	_
+Awad	_
+,	_
+executive	_
+director	_
+of	_
+the	_
+Council	_
+on	_
+American	_
+-	_
+Islamic	_
+Relations	_
+advocacy	_
+group	_
+.	_
+
+Which	_
+is	_
+why	_
+he	_
+did	_
+n't	_
+say	_
+we	_
+'re	_
+at	_
+war	_
+with	_
+Islamic	_
+people	_
+.	_
+
+We	_
+'re	_
+at	_
+war	_
+with	_
+Islamic	_
+fascists	_
+.	_
+
+By	_
+using	_
+the	_
+word	_
+"	_
+Islamic	_
+"	_
+as	_
+an	_
+adjective	_
+Bush	_
+was	_
+purposely	_
+not	_
+associating	_
+Muslims	_
+with	_
+fascism	_
+,	_
+hence	_
+the	_
+qualifier	_
+.	_
+
+And	_
+if	_
+you	_
+have	_
+n't	_
+heard	_
+by	_
+now	_
+,	_
+the	_
+roster	_
+of	_
+suspected	_
+terrorists	_
+has	_
+not	_
+a	_
+Tom	_
+,	_
+Dick	_
+or	_
+Harry	_
+among	_
+them	_
+:	_
+
+Umir	_
+Hussain	_
+,	_
+24	_
+,	_
+London	_
+E14	_
+
+Muhammed	_
+Usman	_
+Saddique	_
+,	_
+24	_
+,	_
+London	_
+E17	_
+
+Waheed	_
+Zaman	_
+,	_
+22	_
+,	_
+London	_
+E17	_
+
+Assan	_
+Abdullah	_
+Khan	_
+,	_
+22	_
+,	_
+London	_
+E17	_
+
+Waseem	_
+Kayani	_
+,	_
+28	_
+,	_
+High	_
+Wycombe	_
+
+Waheed	_
+Arafat	_
+Khan	_
+,	_
+24	_
+,	_
+London	_
+E17	_
+
+Cossor	_
+Ali	_
+,	_
+24	_
+,	_
+London	_
+E17	_
+
+Tayib	_
+Rauf	_
+,	_
+21	_
+,	_
+Birmingham	_
+
+Ibrahim	_
+Savant	_
+,	_
+26	_
+,	_
+London	_
+E17	_
+
+Osman	_
+Adam	_
+Khatib	_
+,	_
+20	_
+,	_
+London	_
+E17	_
+
+Shamin	_
+Mohammed	_
+Uddin	_
+,	_
+36	_
+,	_
+Stoke	_
+Newington	_
+
+Amin	_
+Asmin	_
+Tariq	_
+,	_
+23	_
+,	_
+London	_
+E17	_
+
+Shazad	_
+Khuram	_
+Ali	_
+,	_
+27	_
+,	_
+High	_
+Wycombe	_
+
+Tanvir	_
+Hussain	_
+,	_
+24	_
+,	_
+London	_
+E10	_
+
+Umar	_
+Islam	_
+,	_
+28	_
+,	_
+(	_
+born	_
+Brian	_
+Young	_
+)	_
+High	_
+Wycombe	_
+
+Assad	_
+Sarwar	_
+,	_
+25	_
+,	_
+High	_
+Wycombe	_
+
+Abdullah	_
+Ali	_
+,	_
+26	_
+,	_
+London	_
+E17	_
+
+Abdul	_
+Muneem	_
+Patel	_
+,	_
+17	_
+,	_
+London	_
+E5	_
+
+Nabeel	_
+Hussain	_
+,	_
+21	_
+,	_
+Waltham	_
+Forest	_
+Lest	_
+you	_
+be	_
+confused	_
+with	_
+the	_
+suspects	_
+from	_
+an	_
+earlier	_
+plot	_
+foiled	_
+in	_
+Canada	_
+a	_
+few	_
+months	_
+ago	_
+:	_
+Fahim	_
+Ahmad	_
+,	_
+21	_
+,	_
+Toronto	_
+;	_
+
+Zakaria	_
+Amara	_
+,	_
+20	_
+,	_
+Mississauga	_
+,	_
+Ont.	_
+;	_
+
+Asad	_
+Ansari	_
+,	_
+21	_
+,	_
+Mississauga	_
+;	_
+
+Shareef	_
+Abdelhaleen	_
+,	_
+30	_
+,	_
+Mississauga	_
+;	_
+
+Qayyum	_
+Abdul	_
+Jamal	_
+,	_
+43	_
+,	_
+Mississauga	_
+;	_
+
+Mohammed	_
+Dirie	_
+,	_
+22	_
+,	_
+Kingston	_
+,	_
+Ont.	_
+;	_
+
+Yasim	_
+Abdi	_
+Mohamed	_
+,	_
+24	_
+,	_
+Kingston	_
+;	_
+
+Jahmaal	_
+James	_
+,	_
+23	_
+,	_
+Toronto	_
+;	_
+
+Amin	_
+Mohamed	_
+Durrani	_
+,	_
+19	_
+,	_
+Toronto	_
+;	_
+
+Steven	_
+Vikash	_
+Chand	_
+alias	_
+Abdul	_
+Shakur	_
+,	_
+25	_
+,	_
+Toronto	_
+;	_
+
+Ahmad	_
+Mustafa	_
+Ghany	_
+,	_
+21	_
+,	_
+Mississauga	_
+;	_
+
+Saad	_
+Khalid	_
+,	_
+19	_
+,	_
+of	_
+Eclipse	_
+Avenue	_
+,	_
+Mississauga	_
+.	_
+
+We	_
+'ve	_
+got	_
+a	_
+Steven	_
+,	_
+the	_
+one	_
+word	_
+that	_
+did	_
+n't	_
+crash	_
+my	_
+spell	_
+-	_
+check	_
+,	_
+despite	_
+it	_
+being	_
+followed	_
+by	_
+a	_
+Vikash	_
+Chand	_
+Abdul	_
+Shakur	_
+.	_
+
+Folks	_
+,	_
+if	_
+it	_
+'s	_
+Islamic	_
+,	_
+and	_
+fascist	_
+,	_
+it	_
+'s	_
+an	_
+Islamic	_
+fascist	_
+.	_
+
+But	_
+because	_
+we	_
+do	_
+n't	_
+want	_
+to	_
+sound	_
+hateful	_
+we	_
+must	_
+pretend	_
+everyone	_
+'s	_
+a	_
+possible	_
+suspect	_
+and	_
+make	_
+airline	_
+travel	_
+more	_
+miserable	_
+than	_
+it	_
+'s	_
+ever	_
+been	_
+.	_
+
+On	_
+the	_
+internet	_
+site	_
+of	_
+Monotheism	_
+and	_
+Holy	_
+War	_
+(	_
+al	_
+-	_
+Tawhid	_
+wa	_
+al	_
+-	_
+Jihad	_
+)	_
+,	_
+the	_
+group	_
+allegedly	_
+declared	_
+,	_
+"	_
+We	_
+announce	_
+that	_
+the	_
+Tawhid	_
+and	_
+Jihad	_
+Group	_
+,	_
+its	_
+prince	_
+and	_
+soldiers	_
+,	_
+have	_
+pledged	_
+allegiance	_
+to	_
+the	_
+sheikh	_
+of	_
+the	_
+mujahideen	_
+Osama	_
+bin	_
+Laden	_
+.	_
+"	_
+
+This	_
+pledge	_
+is	_
+a	_
+new	_
+development	_
+.	_
+
+Abu	_
+Musab	_
+al	_
+-	_
+Zarqawi	_
+and	_
+his	_
+group	_
+are	_
+said	_
+to	_
+have	_
+been	_
+bitter	_
+rivals	_
+of	_
+al	_
+-	_
+Qaeda	_
+during	_
+the	_
+Afghan	_
+resistance	_
+days	_
+.	_
+
+One	_
+witness	_
+at	_
+the	_
+Moutasaddiq	_
+trial	_
+in	_
+Germany	_
+alleged	_
+that	_
+Zarqawi	_
+had	_
+not	_
+allowed	_
+Monotheism	_
+and	_
+Holy	_
+War	_
+to	_
+share	_
+resources	_
+with	_
+al	_
+-	_
+Qaeda	_
+in	_
+the	_
+early	_
+zeroes	_
+of	_
+the	_
+21st	_
+century	_
+.	_
+
+If	_
+the	_
+statement	_
+is	_
+true	_
+,	_
+it	_
+is	_
+a	_
+worrying	_
+sign	_
+that	_
+even	_
+the	_
+divided	_
+small	_
+radical	_
+guerrilla	_
+groups	_
+are	_
+being	_
+"	_
+picked	_
+up	_
+"	_
+by	_
+al	_
+-	_
+Qaeda	_
+.	_
+
+This	_
+consolidation	_
+is	_
+obviously	_
+a	_
+result	_
+of	_
+Bush	_
+'s	_
+aggressive	_
+invasion	_
+of	_
+Iraq	_
+and	_
+of	_
+the	_
+botching	_
+of	_
+the	_
+aftermath	_
+.	_
+
+It	_
+is	_
+a	_
+setback	_
+for	_
+the	_
+war	_
+on	_
+terror	_
+.	_
+
+Al	_
+-	_
+Qaeda	_
+in	_
+Afghanistan	_
+was	_
+a	_
+group	_
+of	_
+only	_
+a	_
+few	_
+hundred	_
+"	_
+Afghan	_
+Arabs	_
+"	_
+who	_
+pledged	_
+personal	_
+loyalty	_
+to	_
+Usamah	_
+Bin	_
+Laden	_
+.	_
+
+It	_
+could	_
+notionally	_
+be	_
+expanded	_
+to	_
+encompass	_
+the	_
+5,000	_
+-	_
+strong	_
+"	_
+55th	_
+Brigade	_
+"	_
+of	_
+the	_
+Taliban	_
+regime	_
+,	_
+though	_
+this	_
+is	_
+not	_
+the	_
+technical	_
+definition	_
+.	_
+
+Because	_
+Usamah	_
+is	_
+Saudi	_
+,	_
+my	_
+guess	_
+is	_
+that	_
+they	_
+were	_
+especially	_
+influenced	_
+by	_
+an	_
+extremist	_
+form	_
+of	_
+the	_
+Wahhabi	_
+school	_
+of	_
+Islam	_
+that	_
+predominates	_
+among	_
+Saudia	_
+'s	_
+some	_
+15	_
+million	_
+citizens	_
+.	_
+
+In	_
+1998	_
+they	_
+were	_
+joined	_
+by	_
+Egyptians	_
+from	_
+the	_
+al	_
+-	_
+Jihad	_
+al	_
+-	_
+Islami	_
+group	_
+of	_
+Ayman	_
+al	_
+-	_
+Zawahiri	_
+(	_
+many	_
+of	_
+these	_
+were	_
+from	_
+Upper	_
+Egypt	_
+,	_
+especially	_
+Asyut	_
+and	_
+environs	_
+)	_
+.	_
+
+After	_
+that	_
+point	_
+,	_
+al	_
+-	_
+Qaeda	_
+was	_
+a	_
+joint	_
+enterprise	_
+between	_
+the	_
+Egyptian	_
+extremists	_
+and	_
+the	_
+polyglot	_
+Arabs	_
+around	_
+Bin	_
+Laden	_
+,	_
+only	_
+some	_
+of	_
+whom	_
+were	_
+Saudi	_
+.	_
+
+Zarqawi	_
+is	_
+a	_
+Jordanian	_
+,	_
+and	_
+his	_
+Monotheism	_
+and	_
+Holy	_
+War	_
+group	_
+in	_
+Afghanistan	_
+probably	_
+had	_
+a	_
+distinctive	_
+coloration	_
+as	_
+mainly	_
+Jordanian	_
+,	_
+Palestinian	_
+and	_
+Syrian	_
+.	_
+
+They	_
+also	_
+had	_
+a	_
+special	_
+connection	_
+to	_
+some	_
+extremists	_
+in	_
+Jordan	_
+and	_
+Germany	_
+.	_
+
+They	_
+are	_
+probably	_
+especially	_
+oriented	_
+toward	_
+the	_
+Salafi	_
+school	_
+of	_
+modern	_
+Islamic	_
+thought	_
+,	_
+which	_
+has	_
+a	_
+Protestant	_
+-	_
+like	_
+emphasis	_
+on	_
+going	_
+back	_
+to	_
+the	_
+original	_
+practice	_
+of	_
+the	_
+early	_
+companions	_
+of	_
+the	_
+Prophet	_
+Muhammad	_
+.	_
+
+(	_
+Most	_
+Salafis	_
+are	_
+not	_
+militant	_
+or	_
+violent	_
+,	_
+though	_
+they	_
+tend	_
+to	_
+be	_
+rather	_
+narrow	_
+-	_
+minded	_
+in	_
+my	_
+experience	_
+,	_
+on	_
+the	_
+order	_
+of	_
+Protestant	_
+Pietists	_
+)	_
+.	_
+
+Monotheism	_
+and	_
+Holy	_
+War	_
+obviously	_
+does	_
+have	_
+a	_
+violent	_
+interpretation	_
+of	_
+Salafism	_
+,	_
+rather	_
+as	_
+the	_
+the	_
+leaders	_
+of	_
+the	_
+so	_
+-	_
+called	_
+German	_
+Peasant	_
+Rebellion	_
+among	_
+early	_
+Protestants	_
+did	_
+.	_
+
+Another	_
+worrisome	_
+sign	_
+is	_
+that	_
+local	_
+Iraqi	_
+Sunni	_
+fundamentalists	_
+opposed	_
+to	_
+the	_
+US	_
+presence	_
+in	_
+Iraq	_
+have	_
+begun	_
+joining	_
+Monotheism	_
+and	_
+Holy	_
+War	_
+,	_
+and	_
+wearing	_
+its	_
+distinctive	_
+orange	_
+and	_
+black	_
+insignia	_
+.	_
+
+These	_
+have	_
+been	_
+sighted	_
+among	_
+Iraqi	_
+crowds	_
+on	_
+Haifa	_
+Street	_
+in	_
+Baghdad	_
+and	_
+in	_
+Samarra	_
+.	_
+
+So	_
+now	_
+there	_
+are	_
+hundreds	_
+of	_
+al	_
+-	_
+Qaeda	_
+members	_
+in	_
+Iraq	_
+where	_
+there	_
+had	_
+been	_
+none	_
+before	_
+.	_
+
+The	_
+consolidation	_
+of	_
+smaller	_
+local	_
+radical	_
+fundamentalist	_
+groups	_
+with	_
+al	_
+-	_
+Qaeda	_
+can	_
+also	_
+be	_
+seen	_
+in	_
+the	_
+case	_
+of	_
+the	_
+Fizazi	_
+group	_
+in	_
+Tangiers	_
+that	_
+morphed	_
+into	_
+the	_
+Moroccan	_
+Islamic	_
+Combatant	_
+Group	_
+,	_
+had	_
+members	_
+who	_
+met	_
+with	_
+September	_
+11	_
+ringleader	_
+Muhammad	_
+Atta	_
+,	_
+and	_
+ultimately	_
+was	_
+in	_
+part	_
+responsible	_
+for	_
+the	_
+Madrid	_
+train	_
+bombings	_
+.	_
+
+The	_
+September	_
+11	_
+Panel	_
+will	_
+issue	_
+its	_
+findings	_
+on	_
+Thursday	_
+.	_
+
+It	_
+notes	_
+10	_
+points	_
+at	_
+which	_
+the	_
+US	_
+made	_
+key	_
+mistakes	_
+that	_
+might	_
+have	_
+stopped	_
+Bin	_
+Laden	_
+'s	_
+plot	_
+.	_
+
+Four	_
+of	_
+these	_
+were	_
+under	_
+Clinton	_
+and	_
+6	_
+under	_
+Bush	_
+.	_
+
+Bush	_
+came	_
+out	_
+today	_
+and	_
+said	_
+that	_
+if	_
+he	_
+had	_
+known	_
+what	_
+was	_
+coming	_
+,	_
+he	_
+would	_
+have	_
+expended	_
+every	_
+effort	_
+to	_
+stop	_
+it	_
+,	_
+and	_
+that	_
+so	_
+would	_
+have	_
+Clinton	_
+.	_
+
+This	_
+statement	_
+is	_
+,	_
+despite	_
+its	_
+facade	_
+of	_
+fair	_
+-	_
+mindedness	_
+,	_
+so	_
+many	_
+weasel	_
+words	_
+.	_
+
+Of	_
+course	_
+Bush	_
+would	_
+have	_
+tried	_
+to	_
+stop	_
+9/11	_
+if	_
+he	_
+had	_
+known	_
+it	_
+was	_
+coming	_
+.	_
+
+The	_
+question	_
+is	_
+,	_
+"	_
+Should	_
+he	_
+have	_
+known	_
+it	_
+was	_
+coming	_
+?	_
+"	_
+
+The	_
+answer	_
+is	_
+,	_
+"	_
+Yes	_
+!	_
+"	_
+
+We	_
+now	_
+know	_
+that	_
+Bush	_
+and	_
+his	_
+administration	_
+came	_
+into	_
+office	_
+obsessed	_
+with	_
+Iraq	_
+.	_
+
+Cheney	_
+was	_
+looking	_
+at	_
+maps	_
+of	_
+Iraq	_
+oil	_
+fields	_
+and	_
+muttering	_
+about	_
+opportunities	_
+for	_
+US	_
+companies	_
+there	_
+,	_
+already	_
+in	_
+January	_
+or	_
+February	_
+of	_
+2001	_
+.	_
+
+Wolfowitz	_
+contradicted	_
+counter-terrorism	_
+czar	_
+Richard	_
+Clarke	_
+when	_
+the	_
+latter	_
+spoke	_
+of	_
+the	_
+al	_
+-	_
+Qaeda	_
+threat	_
+,	_
+insisting	_
+that	_
+the	_
+preeminent	_
+threat	_
+of	_
+terrorism	_
+against	_
+the	_
+US	_
+came	_
+from	_
+Iraq	_
+,	_
+and	_
+indicating	_
+he	_
+accepted	_
+Laurie	_
+Mylroie	_
+'s	_
+crackpot	_
+conspiracy	_
+theory	_
+that	_
+Saddam	_
+was	_
+behind	_
+the	_
+1993	_
+World	_
+Trade	_
+Towers	_
+bombing	_
+.	_
+
+If	_
+you	_
+believe	_
+crackpot	_
+theories	_
+instead	_
+of	_
+focusing	_
+on	_
+the	_
+reality	_
+--	_
+that	_
+was	_
+an	_
+al	_
+-	_
+Qaeda	_
+operation	_
+mainly	_
+carried	_
+out	_
+by	_
+al	_
+-	_
+Gamaa	_
+al	_
+-	_
+Islamiyyah	_
+,	_
+an	_
+Egyptian	_
+terrorist	_
+component	_
+allied	_
+with	_
+Bin	_
+Laden	_
+--	_
+then	_
+you	_
+will	_
+concentrate	_
+on	_
+the	_
+wrong	_
+threat	_
+.	_
+
+Even	_
+after	_
+the	_
+attacks	_
+on	_
+September	_
+11	_
+,	_
+Bush	_
+was	_
+obsessing	_
+about	_
+Iraq	_
+.	_
+
+Wolfowitz	_
+lied	_
+to	_
+him	_
+and	_
+said	_
+that	_
+there	_
+was	_
+a	_
+10	_
+to	_
+50	_
+%	_
+chance	_
+that	_
+Iraq	_
+was	_
+behind	_
+them	_
+.	_
+
+(	_
+On	_
+what	_
+evidence	_
+?	_
+
+The	_
+hijackers	_
+were	_
+obviously	_
+al	_
+-	_
+Qaeda	_
+,	_
+and	_
+no	_
+operational	_
+links	_
+between	_
+al	_
+-	_
+Qaeda	_
+and	_
+Iraq	_
+had	_
+ever	_
+been	_
+found	_
+)	_
+.	_
+
+Rumsfeld	_
+initially	_
+rejected	_
+an	_
+attack	_
+on	_
+al	_
+-	_
+Qaeda	_
+bases	_
+in	_
+Afghanistan	_
+,	_
+saying	_
+there	_
+were	_
+"	_
+no	_
+good	_
+targets	_
+"	_
+in	_
+Afghanistan	_
+.	_
+
+(	_
+What	_
+about	_
+40	_
+al	_
+-	_
+Qaeda	_
+bases	_
+that	_
+had	_
+trained	_
+the	_
+9/11	_
+hijackers	_
+and	_
+other	_
+terrorists	_
+gunning	_
+for	_
+the	_
+United	_
+States	_
+??	_
+)	_
+
+The	_
+Pentagon	_
+did	_
+not	_
+even	_
+have	_
+a	_
+plan	_
+for	_
+dealing	_
+with	_
+Afghanistan	_
+or	_
+al	_
+-	_
+Qaeda	_
+that	_
+it	_
+could	_
+pull	_
+off	_
+the	_
+shelf	_
+,	_
+according	_
+to	_
+Bob	_
+Woodward	_
+.	_
+
+Bush	_
+did	_
+not	_
+have	_
+his	_
+eye	_
+on	_
+the	_
+ball	_
+.	_
+
+Neither	_
+did	_
+Cheney	_
+,	_
+Rumsfeld	_
+,	_
+or	_
+Wolfowitz	_
+.	_
+
+They	_
+were	_
+playing	_
+Captain	_
+Ahab	_
+to	_
+Saddam	_
+'s	_
+great	_
+white	_
+whale	_
+.	_
+
+Imperial	_
+Hubris	_
+makes	_
+the	_
+case	_
+that	_
+lots	_
+of	_
+people	_
+in	_
+the	_
+CIA	_
+and	_
+counter-terrorism	_
+divisions	_
+elsewhere	_
+in	_
+the	_
+US	_
+government	_
+knew	_
+all	_
+about	_
+Bin	_
+Laden	_
+and	_
+the	_
+threat	_
+he	_
+posed	_
+.	_
+
+They	_
+were	_
+from	_
+all	_
+accounts	_
+marginalized	_
+and	_
+not	_
+listened	_
+to	_
+.	_
+
+Bush	_
+demoted	_
+Dick	_
+Clarke	_
+,	_
+among	_
+the	_
+most	_
+vocal	_
+and	_
+focused	_
+of	_
+the	_
+al	_
+-	_
+Qaeda	_
+experts	_
+,	_
+from	_
+his	_
+cabinet	_
+.	_
+
+Dick	_
+could	_
+never	_
+thereafter	_
+get	_
+any	_
+real	_
+cooperation	_
+from	_
+the	_
+cabinet	_
+officers	_
+,	_
+who	_
+outranked	_
+him	_
+,	_
+and	_
+he	_
+could	_
+not	_
+convince	_
+them	_
+to	_
+go	_
+to	_
+battle	_
+stations	_
+in	_
+the	_
+summer	_
+of	_
+2001	_
+when	_
+George	_
+Tenet	_
+'s	_
+hair	_
+was	_
+"	_
+on	_
+fire	_
+"	_
+about	_
+the	_
+excited	_
+chatter	_
+the	_
+CIA	_
+was	_
+picking	_
+up	_
+from	_
+radical	_
+Islamist	_
+terrorists	_
+.	_
+
+As	_
+for	_
+the	_
+Clinton	_
+administration	_
+,	_
+let	_
+me	_
+say	_
+one	_
+thing	_
+in	_
+its	_
+defense	_
+.	_
+
+Clinton	_
+had	_
+worked	_
+out	_
+a	_
+deal	_
+with	_
+Pakistani	_
+Prime	_
+Minister	_
+Nawaz	_
+Sharif	_
+in	_
+summer	_
+of	_
+1999	_
+that	_
+would	_
+have	_
+allowed	_
+the	_
+US	_
+to	_
+send	_
+a	_
+Special	_
+Ops	_
+team	_
+in	_
+after	_
+Bin	_
+Laden	_
+in	_
+Qandahar	_
+,	_
+based	_
+from	_
+Pakistan	_
+.	_
+
+I	_
+presume	_
+you	_
+need	_
+the	_
+Pakistan	_
+base	_
+for	_
+rescue	_
+operations	_
+in	_
+case	_
+anything	_
+went	_
+wrong	_
+.	_
+
+You	_
+also	_
+need	_
+Pakistani	_
+air	_
+space	_
+.	_
+
+The	_
+plan	_
+was	_
+all	_
+set	_
+and	_
+could	_
+have	_
+succeeded	_
+.	_
+
+But	_
+in	_
+fall	_
+of	_
+1999	_
+,	_
+Gen.	_
+Pervez	_
+Musharraf	_
+made	_
+a	_
+coup	_
+against	_
+Nawaz	_
+Sharif	_
+.	_
+
+The	_
+Pakistani	_
+army	_
+was	_
+rife	_
+with	_
+elements	_
+protective	_
+of	_
+the	_
+Taliban	_
+,	_
+and	_
+the	_
+new	_
+military	_
+government	_
+reneged	_
+on	_
+the	_
+deal	_
+.	_
+
+Musharraf	_
+told	_
+Clinton	_
+he	_
+could	_
+n't	_
+use	_
+Pakistani	_
+soil	_
+or	_
+air	_
+space	_
+to	_
+send	_
+the	_
+team	_
+in	_
+against	_
+Bin	_
+Laden	_
+.	_
+
+Look	_
+at	_
+a	_
+map	_
+and	_
+you	_
+try	_
+to	_
+figure	_
+out	_
+how	_
+,	_
+in	_
+fall	_
+of	_
+1999	_
+,	_
+you	_
+could	_
+possibly	_
+pull	_
+off	_
+such	_
+an	_
+operation	_
+without	_
+Pakistani	_
+facilities	_
+.	_
+
+Of	_
+course	_
+,	_
+you	_
+could	_
+just	_
+go	_
+in	_
+by	_
+main	_
+force	_
+.	_
+
+But	_
+for	_
+those	_
+of	_
+you	_
+tempted	_
+in	_
+that	_
+direction	_
+,	_
+please	_
+look	_
+up	_
+Carter	_
+'s	_
+Tabas	_
+operation	_
+.	_
+
+It	_
+should	_
+be	_
+easily	_
+googled	_
+.	_
+
+Clinton	_
+tried	_
+,	_
+and	_
+tried	_
+hard	_
+.	_
+
+The	_
+gods	_
+were	_
+n't	_
+with	_
+us	_
+on	_
+that	_
+one	_
+.	_
+
+that	_
+is	_
+how	_
+i	_
+want	_
+you	_
+to	_
+refer	_
+to	_
+me	_
+as	_
+"	_
+the	_
+king	_
+"	_
+
+i	_
+do	_
+n't	_
+think	_
+so	_
+.	_
+
+i	_
+'m	_
+the	_
+king	_
+
+yeah	_
+
+sounds	_
+exciting	_
+.	_
+
+want	_
+to	_
+go	_
+to	_
+dinner	_
+with	_
+me	_
+before	_
+you	_
+have	_
+your	_
+'	_
+matt	_
+time	_
+'	_
+?	_
+
+probablyl	_
+gon	_
+na	_
+just	_
+kick	_
+it	_
+
+you	_
+know	_
+,	_
+whatever	_
+.	_
+
+i	_
+will	_
+let	_
+you	_
+know	_
+later	_
+.	_
+
+what	_
+are	_
+you	_
+doing	_
+tonight	_
+.	_
+
+like	_
+what	_
+?	_
+
+i	_
+can	_
+think	_
+of	_
+a	_
+few	_
+things	_
+
+you	_
+r	_
+retarded	_
+.	_
+
+i	_
+used	_
+to	_
+have	_
+one	_
+.	_
+
+they	_
+are	_
+great	_
+dogs	_
+.	_
+
+cocker	_
+spaniels	_
+are	_
+retarded	_
+.	_
+
+why	_
+do	_
+you	_
+think	_
+i	_
+should	_
+get	_
+one	_
+of	_
+those	_
+?	_
+
+ca	_
+n't	_
+believe	_
+you	_
+left	_
+last	_
+night	_
+.	_
+
+nice	_
+sarcasm	_
+.	_
+
+that	_
+'s	_
+fine	_
+,	_
+i	_
+do	_
+n't	_
+want	_
+to	_
+see	_
+you	_
+either	_
+,	_
+i	_
+just	_
+need	_
+to	_
+make	_
+a	_
+cd	_
+.	_
+
+i	_
+ca	_
+n't	_
+wait	_
+
+i	_
+was	_
+thinking	_
+somewhere	_
+that	_
+requires	_
+a	_
+jacket	_
+,	_
+like	_
+tony	_
+'s	_
+.	_
+
+someplace	_
+that	_
+is	_
+like	_
+$	_
+30	_
+an	_
+entree	_
+.	_
+
+yeah	_
+,	_
+i	_
+was	_
+thinking	_
+somewhere	_
+like	_
+mcdonald	_
+'s	_
+.	_
+
+that	_
+may	_
+be	_
+too	_
+nice	_
+though	_
+.	_
+
+what	_
+do	_
+you	_
+think	_
+?	_
+
+we	_
+can	_
+go	_
+somewhere	_
+nice	_
+.	_
+
+real	_
+nice	_
+.	_
+
+oh	_
+.	_
+
+my	_
+bad	_
+.	_
+
+i	_
+must	_
+have	_
+had	_
+you	_
+messed	_
+up	_
+with	_
+some	_
+other	_
+girl	_
+i	_
+made	_
+the	_
+bet	_
+with	_
+.	_
+
+bet	_
+?	_
+
+really	_
+,	_
+i	_
+have	_
+no	_
+idea	_
+what	_
+you	_
+'re	_
+talking	_
+about	_
+.	_
+
+you	_
+must	_
+be	_
+thinking	_
+of	_
+someone	_
+else	_
+.	_
+
+i	_
+do	_
+n't	_
+even	_
+like	_
+a&m	_
+,	_
+i	_
+would	_
+n't	_
+bet	_
+on	_
+them	_
+.	_
+
+colorado	_
+beat	_
+texas	_
+a&m	_
+.	_
+
+i	_
+know	_
+you	_
+remember	_
+the	_
+bet	_
+.	_
+
+no	_
+.	_
+
+i	_
+got	_
+her	_
+number	_
+though	_
+.	_
+
+i	_
+want	_
+to	_
+hook	_
+up	_
+with	_
+that	_
+girl	_
+paige	_
+in	_
+the	_
+brown	_
+leather	_
+jacket	_
+.	_
+
+what	_
+happened	_
+to	_
+you	_
+?	_
+
+i	_
+had	_
+a	_
+blast	_
+that	_
+night	_
+.	_
+
+did	_
+you	_
+hook	_
+up	_
+with	_
+that	_
+blonde	_
+chick	_
+saturday	_
+night	_
+?	_
+
+no	_
+i	_
+am	_
+not	_
+lying	_
+.	_
+
+i	_
+flew	_
+here	_
+last	_
+night	_
+.	_
+
+are	_
+you	_
+lying	_
+?	_
+
+i	_
+am	_
+out	_
+of	_
+town	_
+.	_
+
+i	_
+am	_
+in	_
+portland	_
+.	_
+
+you	_
+can	_
+buy	_
+me	_
+dinner	_
+when	_
+we	_
+get	_
+back	_
+.	_
+
+i	_
+am	_
+sure	_
+they	_
+are	_
+.	_
+
+houston	_
+wo	_
+n't	_
+be	_
+too	_
+affected	_
+b/c	_
+most	_
+of	_
+the	_
+layoffs	_
+affect	_
+satelite	_
+offices	_
+.	_
+
+economy	_
+should	_
+be	_
+good	_
+here	_
+.	_
+
+hopefully	_
+she	_
+does	_
+n't	_
+hose	_
+you	_
+.	_
+
+I	_
+'ll	_
+probably	_
+start	_
+looking	_
+next	_
+weekend	_
+.	_
+
+I	_
+heard	_
+that	_
+more	_
+may	_
+be	_
+going	_
+up	_
+for	_
+sale	_
+in	_
+the	_
+next	_
+month	_
+or	_
+do	_
+.	_
+
+Someone	_
+told	_
+me	_
+that	_
+Chase	_
+is	_
+planning	_
+a	_
+shitload	_
+of	_
+layoffs	_
+.	_
+
+I	_
+am	_
+not	_
+sure	_
+how	_
+reliable	_
+that	_
+is	_
+,	_
+though	_
+.	_
+
+she	_
+is	_
+waiting	_
+to	_
+see	_
+if	_
+she	_
+can	_
+get	_
+financing	_
+.	_
+
+Mike	_
+McConnell	_
+
+07/06/2000	_
+14:57	_
+
+John	_
+,	_
+
+Hello	_
+from	_
+South	_
+America	_
+.	_
+
+I	_
+just	_
+got	_
+your	_
+email	_
+and	_
+I	_
+certainly	_
+concur	_
+with	_
+Jeff	_
+making	_
+the	_
+call	_
+.	_
+
+He	_
+has	_
+maintained	_
+a	_
+good	_
+relationship	_
+with	_
+Mulva	_
+.	_
+
+This	_
+was	_
+a	_
+risk	_
+that	_
+we	_
+had	_
+but	_
+we	_
+did	_
+have	_
+assurances	_
+from	_
+Phillips	_
+regarding	_
+performance	_
+.	_
+
+I	_
+do	_
+n't	_
+know	_
+how	_
+much	_
+it	_
+will	_
+help	_
+however	_
+.	_
+
+Richard	_
+Harper	_
+and	_
+Mary	_
+Nell	_
+Browning	_
+may	_
+have	_
+some	_
+ideas	_
+here	_
+but	_
+I	_
+am	_
+sure	_
+you	_
+'ve	_
+already	_
+gone	_
+through	_
+it	_
+with	_
+them	_
+.	_
+
+I	_
+am	_
+amazed	_
+how	_
+the	_
+details	_
+get	_
+fuzzy	_
+on	_
+an	_
+old	_
+project	_
+.	_
+
+When	_
+you	_
+discussed	_
+it	_
+,	_
+i	_
+was	_
+trying	_
+to	_
+think	_
+back	_
+to	_
+our	_
+remedies	_
+and	_
+discussions	_
+but	_
+the	_
+3	_
+years	_
+have	_
+made	_
+it	_
+difficult	_
+.	_
+
+I	_
+do	_
+n't	_
+know	_
+if	_
+there	_
+is	_
+anything	_
+I	_
+can	_
+do	_
+but	_
+I	_
+'m	_
+always	_
+willing	_
+to	_
+help	_
+.	_
+
+Good	_
+luck	_
+,	_
+
+Mike	_
+
+These	_
+guys	_
+tried	_
+the	_
+Ken	_
+Lay	_
+route	_
+.	_
+
+Now	_
+they	_
+are	_
+part	_
+of	_
+your	_
+working	_
+group	_
+.	_
+
+Hilary	_
+E.	_
+Ackermann	_
+Goldman	_
+Sachs	_
+Credit	_
+Risk	_
+Management	_
+&	_
+Advisory	_
+Phone	_
+:	_
+212-902-3724	_
+Fax	_
+:	_
+212-428-1181	_
+E-Mail	_
+:	_
+hilary.ackermann@gs.com	_
+
+Dear	_
+Mr.	_
+Lavorato	_
+:	_
+
+Following	_
+up	_
+on	_
+your	_
+and	_
+Ken	_
+Lay	_
+'s	_
+conversation	_
+with	_
+Gary	_
+Cohn	_
+,	_
+I	_
+would	_
+like	_
+to	_
+forward	_
+the	_
+following	_
+proposal	_
+,	_
+acting	_
+for	_
+each	_
+of	_
+Goldman	_
+Sachs	_
+Capital	_
+Markets	_
+and	_
+J.	_
+Aron	_
+.	_
+
+Hilary	_
+E.	_
+Ackermann	_
+Goldman	_
+Sachs	_
+Credit	_
+Risk	_
+Management	_
+&	_
+Advisory	_
+Phone	_
+:	_
+212-902-3724	_
+Fax	_
+:	_
+212-428-1181	_
+E-Mail	_
+:	_
+hilary.ackermann@gs.com	_
+
+Not	_
+going	_
+well	_
+
+Hello	_
+Louise	_
+,	_
+
+I	_
+know	_
+you	_
+must	_
+be	_
+going	_
+nuts	_
+with	_
+all	_
+the	_
+events	_
+,	_
+so	_
+I	_
+have	_
+not	_
+called	_
+.	_
+
+Hope	_
+you	_
+will	_
+be	_
+sorted	_
+.	_
+
+Call	_
+me	_
+if	_
+you	_
+have	_
+time	_
+.	_
+
+M	_
+
+Please	_
+update	_
+daily	_
+
+Louise	_
+,	_
+
+There	_
+are	_
+only	_
+two	_
+counterparties	_
+at	_
+this	_
+time	_
+who	_
+have	_
+overdue	_
+margin	_
+:	_
+
+Original	_
+Margin	_
+Call	_
+Margin	_
+Due	_
+Today	_
+
+Kinder	_
+Morgan	_
+$	_
+3,500,000	_
+$	_
+1,250,000	_
+
+AEP	_
+$	_
+19,250,000	_
+$	_
+38,750,000	_
+
+------------------------------	_
+
+Totals	_
+$	_
+22,750,000	_
+$	_
+40,000,000	_
+
+Please	_
+let	_
+us	_
+know	_
+if	_
+you	_
+need	_
+any	_
+additional	_
+information	_
+.	_
+
+Stephanie	_
+
+not	_
+sure	_
+,	_
+but	_
+i	_
+assume	_
+that	_
+the	_
+bluegrass	_
+songbook	_
+is	_
+mine	_
+.	_
+
+is	_
+it	_
+for	_
+guitar	_
+?	_
+
+I	_
+'ll	_
+need	_
+to	_
+ponder	_
+.	_
+
+I	_
+'ll	_
+try	_
+to	_
+get	_
+back	_
+to	_
+you	_
+pronto	_
+.	_
+
+FYI	_
+.	_
+
+We	_
+have	_
+this	_
+report	_
+?	_
+
+Hi	_
+David	_
+:	_
+
+Thought	_
+that	_
+you	_
+might	_
+be	_
+interested	_
+.	_
+
+Best	_
+,	_
+
+Jeff	_
+
+Well	_
+,	_
+he	_
+launched	_
+today	_
+.	_
+
+Have	_
+you	_
+seen	_
+the	_
+materials	_
+from	_
+the	_
+press	_
+conference	_
+that	_
+he	_
+launched	_
+today	_
+?	_
+
+I	_
+think	_
+this	_
+is	_
+actually	_
+a	_
+good	_
+thing	_
+--	_
+makes	_
+our	_
+proposal	_
+look	_
+like	_
+a	_
+much	_
+more	_
+preferable	_
+alternative	_
+by	_
+comparison	_
+,	_
+makes	_
+our	_
+support	_
+in	_
+the	_
+process	_
+more	_
+important	_
+,	_
+and	_
+sets	_
+Harvey	_
+up	_
+as	_
+the	_
+Ralph	_
+Nader	_
+equivalent	_
+in	_
+the	_
+election	_
+to	_
+fix	_
+California	_
+'s	_
+broken	_
+system	_
+---	_
+a	_
+potential	_
+spoiler	_
+.	_
+
+Hi	_
+.	_
+
+Well	_
+,	_
+would	_
+n't	_
+you	_
+know	_
+it	_
+.	_
+
+I	_
+'m	_
+not	_
+driving	_
+tonite	_
+,	_
+but	_
+I	_
+bet	_
+that	_
+we	_
+could	_
+hitch	_
+a	_
+ride	_
+back	_
+with	_
+Anil	_
+.	_
+
+I	_
+'m	_
+not	_
+sure	_
+,	_
+but	_
+I	_
+think	_
+that	_
+he	_
+'s	_
+got	_
+class	_
+tonite	_
+,	_
+too	_
+.	_
+
+I	_
+'ll	_
+search	_
+him	_
+out	_
+before	_
+class	_
+or	_
+after	_
+that	_
+break	_
+and	_
+see	_
+if	_
+I	_
+can	_
+set	_
+it	_
+up	_
+.	_
+
+daily	_
+dose	_
+on	_
+enron	_
+-	_
+
+we	_
+are	_
+finished	_
+.	_
+
+i	_
+need	_
+to	_
+now	_
+get	_
+a	_
+job	_
+at	_
+house	_
+of	_
+pies	_
+b/c	_
+that	_
+is	_
+the	_
+only	_
+way	_
+to	_
+pay	_
+the	_
+bills	_
+.	_
+
+the	_
+economy	_
+is	_
+down	_
+and	_
+when	_
+enron	_
+collapses	_
+,	_
+the	_
+energy	_
+industry	_
+is	_
+going	_
+to	_
+be	_
+in	_
+a	_
+world	_
+of	_
+hurt	_
+.	_
+
+not	_
+to	_
+mention	_
+the	_
+market	_
+is	_
+going	_
+to	_
+be	_
+flooded	_
+with	_
+enron	_
+folks	_
+.	_
+
+ca	_
+n't	_
+go	_
+to	_
+any	_
+more	_
+lsu	_
+games	_
+unless	_
+i	_
+get	_
+a	_
+free	_
+ticket	_
+.	_
+
+Since	_
+work	_
+has	_
+gone	_
+to	_
+hell	_
+,	_
+I	_
+am	_
+hoping	_
+to	_
+find	_
+some	_
+excitement	_
+in	_
+the	_
+possibility	_
+that	_
+LSU	_
+may	_
+play	_
+in	_
+the	_
+Cotton	_
+Bowl	_
+(	_
+if	_
+Rohan	_
+"	_
+Alabama	_
+"	_
+Davey	_
+shows	_
+up	_
+for	_
+the	_
+next	_
+3	_
+games	_
+.	_
+)	_
+
+However	_
+,	_
+do	_
+not	_
+purchase	_
+tickets	_
+until	_
+it	_
+is	_
+a	_
+done	_
+deal	_
+-	_
+a	_
+lesson	_
+I	_
+learned	_
+following	_
+the	_
+Ark	_
+game	_
+last	_
+season	_
+.	_
+
+http://www.theadvocate.com/sports/story.asp?StoryID=16473	_
+
+http://www.theadvocate.com/sports/story.asp?StoryID=16475	_
+
+http://www.nola.com/lsu/t-p/football/index.ssf?/lsustory/lsunotes08.html	_
+
+http://www.nola.com/lsu/t-p/football/index.ssf?/lsustory/secnotes08.html	_
+
+http://www.nola.com/lsu/t-p/football/index.ssf?/lsustory/lsufoe08.html	_
+
+i	_
+have	_
+stronger	_
+will	_
+than	_
+you	_
+think	_
+.	_
+
+house	_
+of	_
+pies	_
+here	_
+i	_
+come	_
+.	_
+
+i	_
+am	_
+sure	_
+i	_
+could	_
+have	_
+persuaded	_
+you	_
+to	_
+give	_
+me	_
+some	_
+action	_
+.	_
+
+why	_
+is	_
+enron	_
+blowing	_
+up	_
+?	_
+
+i	_
+did	_
+n't	_
+want	_
+you	_
+to	_
+go	_
+.	_
+
+i	_
+was	_
+just	_
+going	_
+to	_
+sleep	_
+anyway	_
+.	_
+
+i	_
+was	_
+too	_
+tired	_
+to	_
+give	_
+you	_
+any	_
+action	_
+.	_
+
+enron	_
+is	_
+blowing	_
+up	_
+.	_
+
+Vince	_
+,	_
+
+We	_
+are	_
+still	_
+trying	_
+to	_
+work	_
+the	_
+PSE	_
+swap	_
+transaction	_
+,	_
+now	_
+that	_
+the	_
+forex	_
+desk	_
+has	_
+been	_
+able	_
+to	_
+find	_
+a	_
+fix	_
+for	_
+CPI	_
+in	_
+the	_
+market	_
+.	_
+
+Further	_
+to	_
+my	_
+voicemail	_
+,	_
+our	_
+colleagues	_
+in	_
+credit	_
+are	_
+calculating	_
+the	_
+reserve	_
+on	_
+the	_
+PSE	_
+swap	_
+.	_
+
+They	_
+are	_
+currently	_
+using	_
+9.5	_
+%	_
+fixed	_
+based	_
+on	_
+the	_
+1	_
+year	_
+implied	_
+volatility	_
+.	_
+
+Volatility	_
+of	_
+USD	_
+/	_
+DM	_
+has	_
+been	_
+in	_
+the	_
+range	_
+of	_
+between	_
+7	_
+%	_
+and	_
+11	_
+%	_
+.	_
+
+Can	_
+one	_
+of	_
+your	_
+research	_
+staff	_
+justify	_
+a	_
+suitable	_
+20	_
+year	_
+volalatility	_
+number	_
+for	_
+USD	_
+/	_
+Euro	_
+.	_
+
+Ideally	_
+,	_
+we	_
+would	_
+like	_
+a	_
+fast	_
+turnaround	_
+.	_
+
+In	_
+addition	_
+,	_
+is	_
+there	_
+someone	_
+who	_
+could	_
+consider	_
+the	_
+correlation	_
+between	_
+US	_
+CPI	_
+and	_
+the	_
+$	_
+/	_
+euro	_
+exchange	_
+rate	_
+.	_
+
+The	_
+credit	_
+guys	_
+are	_
+currently	_
+assuming	_
+that	_
+there	_
+is	_
+no	_
+correlation	_
+and	_
+may	_
+consequently	_
+be	_
+double	_
+dipping	_
+the	_
+credit	_
+reserve	_
+on	_
+this	_
+basis	_
+too	_
+.	_
+
+Grateful	_
+for	_
+any	_
+help	_
+or	_
+suggestions	_
+you	_
+could	_
+provide	_
+.	_
+
+Sid	_
+
+Vincent	_
+,	_
+
+I	_
+met	_
+you	_
+at	_
+the	_
+Risk	_
+conference	_
+last	_
+week	_
+in	_
+Houston	_
+.	_
+
+I	_
+enjoyed	_
+your	_
+presentations	_
+very	_
+much	_
+.	_
+
+I	_
+was	_
+wondering	_
+if	_
+you	_
+could	_
+give	_
+me	_
+some	_
+references	_
+regarding	_
+the	_
+calculation	_
+of	_
+correlation	_
+coefficients	_
+from	_
+a	_
+GARCH	_
+model	_
+.	_
+
+Thank	_
+you	_
+.	_
+
+Magali	_
+Van	_
+Belle	_
+Consultant	_
+PHB	_
+Hagler	_
+Bailly	_
+MANAGEMENT	_
+AND	_
+ECONOMIC	_
+CONSULTANTS	_
+PHB	_
+Hagler	_
+Bailly	_
+,	_
+Inc.	_
+(	_
+202	_
+)	_
+828-3933	_
+direct	_
+dial	_
+1776	_
+Eye	_
+Street	_
+,	_
+N.W.	_
+(	_
+202	_
+)	_
+296-3858	_
+facsimile	_
+Washington	_
+,	_
+D.C.	_
+20006-3700	_
+mvanbell@haglerbailly.com	_
+e-mail	_
+
+Andrew	_
+Edison@ENRON	_
+
+06/02/2001	_
+10:53	_
+AM	_
+
+I	_
+have	_
+settled	_
+the	_
+Ecogas	_
+/	_
+Enron	_
+/	_
+Randy	_
+Maffett	_
+lawsuit	_
+.	_
+
+No	_
+need	_
+to	_
+thank	_
+me	_
+,	_
+just	_
+send	_
+me	_
+gifts	_
+.	_
+
+Seriously	_
+,	_
+I	_
+talked	_
+this	_
+morning	_
+with	_
+Tom	_
+Hall	_
+and	_
+we	_
+agreed	_
+that	_
+Ecogas	_
+would	_
+pay	_
+him	_
+$	_
+53,000	_
+.	_
+
+Hall	_
+has	_
+agreed	_
+to	_
+release	_
+Enron	_
+,	_
+Ecogas	_
+,	_
+Maffett	_
+and	_
+every	_
+affiliate	_
+,	_
+related	_
+party	_
+and	_
+subsidiary	_
+.	_
+
+He	_
+will	_
+also	_
+release	_
+any	_
+and	_
+all	_
+patent	_
+issues	_
+.	_
+
+The	_
+goal	_
+is	_
+for	_
+him	_
+to	_
+move	_
+on	_
+with	_
+his	_
+life	_
+and	_
+for	_
+us	_
+to	_
+move	_
+on	_
+as	_
+well	_
+.	_
+
+I	_
+have	_
+asked	_
+Doug	_
+Daniels	_
+to	_
+prepare	_
+the	_
+settlement	_
+papers	_
+reflecting	_
+such	_
+an	_
+agreement	_
+.	_
+
+Please	_
+handle	_
+.	_
+
+Becky	_
+Stephens@ENRON	_
+
+06/12/2000	_
+10:20	_
+AM	_
+
+Richard	_
+,	_
+below	_
+is	_
+a	_
+list	_
+of	_
+oc	_
+invoices	_
+sent	_
+to	_
+you	_
+for	_
+approval	_
+on	_
+5/30/00	_
+.	_
+
+Please	_
+verify	_
+receipt	_
+at	_
+your	_
+earliest	_
+convenience	_
+.	_
+
+Thank	_
+you	_
+for	_
+your	_
+help	_
+in	_
+tracking	_
+these	_
+invoices	_
+.	_
+
+Holland	_
+&	_
+Hart	_
+,	_
+LLP	_
+;	_
+#	_
+432785	_
+dated	_
+4/14/00	_
+
+Michael	_
+L.	_
+Beatty	_
+&	_
+Associates	_
+,	_
+PC	_
+;	_
+#	_
+10461	_
+,	_
+#	_
+10469	_
+&	_
+#	_
+10468	_
+dated	_
+5/28/00	_
+.	_
+
+Becky	_
+A.	_
+Stephens	_
+Litigation	_
+Unit	_
+,	_
+Enron	_
+Corp.	_
+713/853-5025	_
+EB	_
+4809	_
+
+I	_
+am	_
+on	_
+board	_
+.	_
+
+If	_
+the	_
+PX	_
+comes	_
+back	_
+again	_
+,	_
+I	_
+will	_
+call	_
+their	_
+in	_
+-	_
+house	_
+attys	_
+.	_
+
+Christian	_
+Yoder	_
+/	_
+ENRON@enronXgate	_
+
+06/04/2001	_
+05:54	_
+PM	_
+
+Can	_
+you	_
+pass	_
+this	_
+along	_
+to	_
+Elizabeth	_
+to	_
+ensure	_
+Sanders	_
+is	_
+on	_
+board	_
+as	_
+well	_
+?	_
+
+We	_
+are	_
+renewing	_
+our	_
+L/C's	_
+on	_
+a	_
+month	_
+to	_
+month	_
+basis	_
+for	_
+the	_
+PX	_
+per	_
+Sanders	_
+.	_
+
+However	_
+,	_
+the	_
+request	_
+below	_
+is	_
+to	_
+"	_
+replenish	_
+"	_
+the	_
+CASH	_
+that	_
+was	_
+drawn	_
+down	_
+...	_
+please	_
+advise	_
+.	_
+
+I	_
+agree	_
+with	_
+Steve	_
+'s	_
+position	_
+stated	_
+in	_
+his	_
+separate	_
+e'mail	_
+.	_
+
+Do	_
+n't	_
+give	_
+these	_
+guys	_
+a	_
+penny	_
+.	_
+
+----	_
+cgy	_
+
+Tracy	_
+,	_
+Do	_
+we	_
+have	_
+concerns	_
+here	_
+.	_
+
+We	_
+pointed	_
+out	_
+to	_
+the	_
+PX	_
+that	_
+there	_
+was	_
+excess	_
+credit	_
+.	_
+
+By	_
+using	_
+collateral	_
+to	_
+pay	_
+these	_
+bills	_
+are	_
+we	_
+not	_
+keeping	_
+required	_
+levels	_
+available	_
+?	_
+
+Sara	_
+,	_
+
+Attached	_
+below	_
+is	_
+Davis	_
+Thames	_
+'	_
+presentation	_
+regarding	_
+the	_
+proposed	_
+Project	_
+Bruin	_
+.	_
+
+I	_
+will	_
+forward	_
+the	_
+draft	_
+Bear	_
+Stearns	_
+term	_
+sheet	_
+separately	_
+.	_
+
+Paul	_
+
+Team	_
+,	_
+sorry	_
+for	_
+the	_
+delay	_
+on	_
+getting	_
+this	_
+around	_
+.	_
+
+Please	_
+advise	_
+when	_
+you	_
+can	_
+meet	_
+to	_
+discuss	_
+issues	_
+related	_
+to	_
+your	_
+area	_
+.	_
+
+Thanks	_
+-	_
+
+Davis	_
+
+Clint	_
+:	_
+
+I	_
+spoke	_
+with	_
+Mike	_
+Collins	_
+[	_
+203-719-8385	_
+(	_
+phone	_
+)	_
+and	_
+203-719-7031	_
+(	_
+fax	_
+)	_
+]	_
+who	_
+conrfirmed	_
+to	_
+me	_
+that	_
+the	_
+cap	_
+included	_
+the	_
+remaining	_
+2.5	_
++	_
+million	_
+remaining	_
+shares	_
+.	_
+
+Please	_
+return	_
+an	_
+executed	_
+copy	_
+of	_
+confirm	_
+to	_
+me	_
+.	_
+
+Thanks	_
+.	_
+
+sara	_
+
+My	_
+assistant	_
+Joanne	_
+Rozycki	_
+has	_
+cell	_
+,	_
+car	_
+numbers	_
+to	_
+reach	_
+me	_
+.	_
+
+I	_
+'ll	_
+be	_
+back	_
+on	_
+Monday	_
+.	_
+
+Sara	_
+Shackleton	_
+Enron	_
+Wholesale	_
+Services	_
+1400	_
+Smith	_
+Street	_
+,	_
+EB	_
+3801a	_
+Houston	_
+,	_
+TX	_
+77002	_
+Ph	_
+:	_
+(	_
+713	_
+)	_
+853-5620	_
+Fax	_
+:	_
+(	_
+713	_
+)	_
+646-3490	_
+
+Thanks	_
+.	_
+
+SS	_
+
+Sara	_
+,	_
+
+Currently	_
+we	_
+have	_
+a	_
+blank	_
+"	_
+sample	_
+"	_
+for	_
+our	_
+Paragraph	_
+13s	_
+which	_
+are	_
+attached	_
+to	_
+our	_
+sample	_
+ISDAs	_
+for	_
+(	_
+a	_
+)	_
+US	_
+Corporate	_
+,	_
+(	_
+b	_
+)	_
+Hedge	_
+Funds	_
+,	_
+(	_
+c	_
+)	_
+Municipal	_
+.	_
+
+I	_
+will	_
+extract	_
+the	_
+one	_
+for	_
+the	_
+US	_
+corporate	_
+Paragraph	_
+13	_
+and	_
+email	_
+to	_
+your	_
+contact	_
+@	_
+First	_
+Union	_
+Securities	_
+.	_
+
+The	_
+sample	_
+includes	_
+our	_
+"	_
+caveat	_
+"	_
+,	_
+so	_
+it	_
+should	_
+be	_
+fine	_
+.	_
+
+Susan	_
+
+Susan	_
+:	_
+
+While	_
+Tanya	_
+is	_
+reviewing	_
+credit	_
+,	_
+can	_
+you	_
+please	_
+send	_
+a	_
+"	_
+blank	_
+form	_
+Paragraph	_
+13	_
+"	_
+for	_
+this	_
+master	_
+.	_
+
+Just	_
+our	_
+standard	_
+.	_
+
+Caveat	_
+:	_
+subject	_
+to	_
+credit	_
+review	_
+even	_
+though	_
+there	_
+are	_
+blanks	_
+.	_
+
+Thanks	_
+.	_
+
+Sara	_
+
+First	_
+Union	_
+Securities	_
+,	_
+Inc	_
+.	_
+
+Hi	_
+Sara	_
+,	_
+
+I	_
+just	_
+wanted	_
+to	_
+follow	_
+up	_
+on	_
+whether	_
+you	_
+will	_
+have	_
+a	_
+chance	_
+to	_
+send	_
+a	_
+draft	_
+Credit	_
+Support	_
+Annex	_
+(	_
+similar	_
+in	_
+form	_
+to	_
+the	_
+one	_
+previously	_
+executed	_
+with	_
+ENA	_
+)	_
+.	_
+
+I	_
+understand	_
+you	_
+may	_
+not	_
+have	_
+credit	_
+approval	_
+yet	_
+so	_
+perhaps	_
+we	_
+can	_
+leave	_
+the	_
+appropriate	_
+sections	_
+blank	_
+in	_
+the	_
+meantime	_
+.	_
+
+Thanks	_
+and	_
+regards	_
+,	_
+
+Vijay	_
+K.	_
+Suchdev	_
+Vice	_
+President	_
+Equity	_
+Derivatives	_
+First	_
+Union	_
+Securities	_
+,	_
+Inc.	_
+Telephone	_
+:	_
+(	_
+212	_
+)	_
+909-0951	_
+Facsimile	_
+:	_
+(	_
+212	_
+)	_
+891-5042	_
+email	_
+:	_
+vijay.suchdev@funb.com	_
+<	_
+mailto:vijay.suchdev@funb.com	_
+>	_
+
+Michael	_
+Olsen@ENRON	_
+
+12/07/2000	_
+02:29	_
+PM	_
+
+Daren	_
+,	_
+
+I	_
+was	_
+wondering	_
+if	_
+it	_
+would	_
+be	_
+OK	_
+for	_
+me	_
+to	_
+sit	_
+in	_
+with	_
+you	_
+one	_
+day	_
+to	_
+get	_
+a	_
+general	_
+feel	_
+of	_
+your	_
+end	_
+of	_
+the	_
+process	_
+.	_
+
+Pat	_
+had	_
+told	_
+me	_
+before	_
+he	_
+left	_
+that	_
+it	_
+would	_
+help	_
+me	_
+better	_
+grasp	_
+the	_
+process	_
+as	_
+a	_
+whole	_
+.	_
+
+I	_
+understand	_
+the	_
+imminent	_
+cold	_
+weather	_
+is	_
+making	_
+things	_
+crazy	_
+,	_
+so	_
+now	_
+may	_
+not	_
+be	_
+the	_
+best	_
+time	_
+to	_
+be	_
+in	_
+your	_
+way	_
+.	_
+
+But	_
+let	_
+me	_
+know	_
+if	_
+I	_
+can	_
+spend	_
+a	_
+day	_
+,	_
+morning	_
+,	_
+or	_
+even	_
+just	_
+an	_
+afternoon	_
+down	_
+there	_
+with	_
+you	_
+whenever	_
+it	_
+is	_
+a	_
+good	_
+time	_
+.	_
+
+I	_
+think	_
+it	_
+will	_
+help	_
+me	_
+very	_
+much	_
+in	_
+my	_
+role	_
+.	_
+
+Thanks	_
+.	_
+
+Mike	_
+
+The	_
+new	_
+fixed	_
+price	_
+deal	_
+with	_
+Equistar	_
+is	_
+#	_
+365013	_
+.	_
+
+D	_
+
+Daren	_
+
+We	_
+just	_
+did	_
+a	_
+deal	_
+for	_
+the	_
+rest	_
+of	_
+the	_
+month	_
+for	_
+10,000	_
+/	_
+d	_
+at	_
+meter	_
+#	_
+1552	_
+QE	_
+-	_
+1	_
+@	_
+$	_
+4.355	_
+....	_
+can	_
+you	_
+let	_
+me	_
+and	_
+Robert	_
+Lloyd	_
+know	_
+what	_
+the	_
+sitara	_
+#	_
+is	_
+?	_
+
+Thanks	_
+
+Melissa	_
+,	_
+
+I	_
+show	_
+that	_
+we	_
+also	_
+had	_
+20.000	_
+at	_
+LS	_
+HPL	_
+for	_
+the	_
+13th	_
+.	_
+
+Daren	_
+
+August	_
+11	_
+,	_
+2000	_
+
+Teco	_
+Tap	_
+108.333	_
+/	_
+HPL	_
+IFERC	_
+;	_
+20.000	_
+/	_
+Enron	_
+
+LS	_
+HPL	_
+LSK	_
+IC	_
+20.000	_
+/	_
+Enron	_
+
+August	_
+12	_
+,	_
+2000	_
+
+Teco	_
+Tap	_
+85.000	_
+/	_
+HPL	_
+IFERC	_
+;	_
+20.000	_
+/	_
+Enron	_
+
+LS	_
+HPL	_
+LSK	_
+IC	_
+20.000	_
+/	_
+Enron	_
+
+August	_
+13	_
+,	_
+2000	_
+
+Teco	_
+Tap	_
+32.500	_
+/	_
+HPL	_
+IFERC	_
+;	_
+20.000	_
+/	_
+Enron	_
+
+I	_
+'m	_
+working	_
+hard	_
+for	_
+you	_
+!	_
+
+Now	_
+at	_
+83.5	_
+.	_
+
+I	_
+need	_
+a	_
+new	_
+lawnmower	_
+,	_
+so	_
+I	_
+'ll	_
+try	_
+to	_
+bump	_
+it	_
+up	_
+a	_
+little	_
+more	_
+.	_
+
+Hope	_
+you	_
+'re	_
+doing	_
+good	_
+.	_
+
+D	_
+
+???	_
+
+KEEP	_
+UP	_
+THE	_
+GOOD	_
+WORK	_
+.	_
+
+?	_
+
+WE	_
+AT	_
+HOME	_
+LOVE	_
+IT	_
+AT	_
+$	_
+80	_
++++	_
+
+?	_
+
+KEN	_
+
+These	_
+have	_
+been	_
+sold	_
+.	_
+
+Geoff	_
+,	_
+
+Thanks	_
+for	_
+the	_
+pictures	_
+.	_
+
+Looks	_
+like	_
+the	_
+kids	_
+had	_
+a	_
+great	_
+time	_
+!	_
+
+I	_
+hope	_
+you	_
+do	_
+n't	_
+mind	_
+,	_
+but	_
+I	_
+'ve	_
+taken	_
+liberty	_
+to	_
+turn	_
+them	_
+into	_
+a	_
+web	_
+photo	_
+album	_
+at	_
+http://24.27.98.30/pictures/08-05_Garrett_Gayle_Bday	_
+.	_
+
+If	_
+you	_
+want	_
+to	_
+pass	_
+this	_
+web	_
+site	_
+address	_
+along	_
+to	_
+other	_
+folks	_
+,	_
+feel	_
+free	_
+.	_
+
+If	_
+you	_
+want	_
+a	_
+CD	_
+copy	_
+of	_
+this	_
+web	_
+site	_
+,	_
+give	_
+me	_
+a	_
+yell	_
+.	_
+
+Thanks	_
+,	_
+
+Ram	_
+Tackett	_
+,	_
+(	_
+mailto:rtackett@abacustech.net	_
+)	_
+Owner	_
+,	_
+Abacus	_
+Technologies	_
+17611	_
+Loring	_
+Lane	_
+,	_
+Spring	_
+,	_
+TX	_
+77388-5746	_
+(	_
+281	_
+)	_
+651-7106	_
+;	_
+Fax	_
+(	_
+281	_
+)	_
+528-8636	_
+Web	_
+:	_
+http://www.abacustech.net	_
+
+-	_
+Ram	_
+Tackett	_
+(	_
+E-mail	_
+)	_
+.vcf	_
+4222	_
+
+Debra	_
+Perlingiere	_
+
+Please	_
+give	_
+me	_
+a	_
+call	_
+to	_
+discuss	_
+Nov	_
+transaction	_
+.	_
+
+Debra	_
+Perlingiere	_
+
+Are	_
+you	_
+free	_
+for	_
+lunch	_
+some	_
+day	_
+this	_
+week	_
+?	_
+
+Also	_
+,	_
+I	_
+have	_
+an	_
+extra	_
+ticket	_
+for	_
+the	_
+Comets	_
+game	_
+on	_
+Sat.	_
+you	_
+said	_
+you	_
+wanted	_
+to	_
+go	_
+?	_
+
+The	_
+game	_
+is	_
+at	_
+12	_
+:	_
+Sat	_
+@	_
+Compaq	_
+Center	_
+.	_
+
+Would	_
+love	_
+for	_
+you	_
+to	_
+join	_
+us	_
+.	_
+
+I	_
+am	_
+bringing	_
+two	_
+of	_
+my	_
+girlfriends	_
+from	_
+LJ	_
+.	_
+
+Debra	_
+Perlingiere	_
+
+Stacey	_
+here	_
+is	_
+the	_
+Master	_
+draft	_
+we	_
+discussed	_
+.	_
+
+I	_
+am	_
+sending	_
+you	_
+a	_
+version	_
+with	_
+comments	_
+.	_
+
+dp	_
+
+Could	_
+one	_
+of	_
+you	_
+please	_
+email	_
+me	_
+a	_
+copy	_
+of	_
+the	_
+standard	_
+template	_
+you	_
+use	_
+for	_
+Enfolio	_
+gas	_
+purchase	_
+agreements	_
+?	_
+
+As	_
+we	_
+'re	_
+getting	_
+more	_
+and	_
+more	_
+of	_
+those	_
+agreements	_
+,	_
+I	_
+'d	_
+like	_
+to	_
+add	_
+a	_
+template	_
+in	_
+Global	_
+Contracts	_
+.	_
+
+Thanks	_
+!	_
+
+Stacey	_
+Barclay	_
+Richardson	_
+Enron	_
+Net	_
+Works	_
+,	_
+LLC	_
+-	_
+Global	_
+Contracts	_
+Stacey.Richardson@enron.com	_
+(	_
+713	_
+)	_
+853-0569	_
+Office	_
+(	_
+713	_
+)	_
+646-2495	_
+Fax	_
+(	_
+713	_
+)	_
+710-6084	_
+Pager	_
+
+Today	_
+is	_
+good	_
+12:30	_
+?	_
+
+Cafeteria	_
+is	_
+fine	_
+.	_
+
+I	_
+'m	_
+free	_
+any	_
+day	_
+but	_
+Tuesday	_
+.	_
+
+I	_
+better	_
+pass	_
+on	_
+the	_
+Comets	_
+game	_
+.	_
+
+My	_
+weekends	_
+seem	_
+to	_
+be	_
+taken	_
+up	_
+with	_
+condo	_
+matters	_
+,	_
+house	_
+hunting	_
+.	_
+
+Thank	_
+you	_
+though	_
+.	_
+
+Are	_
+you	_
+free	_
+for	_
+lunch	_
+today	_
+.	_
+
+I	_
+want	_
+to	_
+go	_
+to	_
+the	_
+cafeteria	_
+for	_
+vegetables	_
+.	_
+
+Let	_
+me	_
+know	_
+if	_
+you	_
+are	_
+interested	_
+.	_
+
+Janette	_
+Elbertson	_
+Administrative	_
+Coordinator	_
+EWS	_
+Legal	_
+,	_
+EB3326	_
+Telephone	_
+:	_
+(	_
+713	_
+)	_
+853-7906	_
+Facsimile	_
+:	_
+(	_
+713	_
+)	_
+646-2600	_
+e-mail	_
+address	_
+:	_
+janette.elbertson@enron.com	_
+
+Are	_
+you	_
+free	_
+for	_
+lunch	_
+some	_
+day	_
+this	_
+week	_
+?	_
+
+Also	_
+,	_
+I	_
+have	_
+an	_
+extra	_
+ticket	_
+for	_
+the	_
+Comets	_
+game	_
+on	_
+Sat.	_
+you	_
+said	_
+you	_
+wanted	_
+to	_
+go	_
+?	_
+
+The	_
+game	_
+is	_
+at	_
+12	_
+:	_
+Sat	_
+@	_
+Compaq	_
+Center	_
+.	_
+
+Would	_
+love	_
+for	_
+you	_
+to	_
+join	_
+us	_
+.	_
+
+I	_
+am	_
+bringing	_
+two	_
+of	_
+my	_
+girlfriends	_
+from	_
+LJ	_
+.	_
+
+Debra	_
+Perlingiere	_
+
+ok	_
+call	_
+me	_
+
+Maybe	_
+12:15	_
+?	_
+
+Janette	_
+Elbertson	_
+Administrative	_
+Coordinator	_
+EWS	_
+Legal	_
+,	_
+EB3326	_
+Telephone	_
+:	_
+(	_
+713	_
+)	_
+853-7906	_
+Facsimile	_
+:	_
+(	_
+713	_
+)	_
+646-2600	_
+e-mail	_
+address	_
+:	_
+janette.elbertson@enron.com	_
+
+Today	_
+is	_
+good	_
+12:30	_
+?	_
+
+Cafeteria	_
+is	_
+fine	_
+.	_
+
+I	_
+'m	_
+free	_
+any	_
+day	_
+but	_
+Tuesday	_
+.	_
+
+I	_
+better	_
+pass	_
+on	_
+the	_
+Comets	_
+game	_
+.	_
+
+My	_
+weekends	_
+seem	_
+to	_
+be	_
+taken	_
+up	_
+with	_
+condo	_
+matters	_
+,	_
+house	_
+hunting	_
+.	_
+
+Thank	_
+you	_
+though	_
+.	_
+
+Are	_
+you	_
+free	_
+for	_
+lunch	_
+today	_
+.	_
+
+I	_
+want	_
+to	_
+go	_
+to	_
+the	_
+cafeteria	_
+for	_
+vegetables	_
+.	_
+
+Let	_
+me	_
+know	_
+if	_
+you	_
+are	_
+interested	_
+.	_
+
+Janette	_
+Elbertson	_
+Administrative	_
+Coordinator	_
+EWS	_
+Legal	_
+,	_
+EB3326	_
+Telephone	_
+:	_
+(	_
+713	_
+)	_
+853-7906	_
+Facsimile	_
+:	_
+(	_
+713	_
+)	_
+646-2600	_
+e-mail	_
+address	_
+:	_
+janette.elbertson@enron.com	_
+
+Move-Team@ENRON	_
+
+09/20/2000	_
+03:22	_
+PM	_
+
+Sent	_
+by	_
+:	_
+John	_
+Salinardo@ENRON	_
+
+it	_
+is	_
+to	_
+late	_
+for	_
+me	_
+to	_
+add	_
+changes	_
+.	_
+
+We	_
+will	_
+have	_
+to	_
+correct	_
+them	_
+after	_
+the	_
+churn	_
+.	_
+
+Thank	_
+you	_
+for	_
+you	_
+patience	_
+.	_
+
+The	_
+Dow	_
+topped	_
+out	_
+in	_
+February	_
+of	_
+1966	_
+at	_
+995	_
+.	_
+
+By	_
+September	_
+of	_
+that	_
+year	_
+the	_
+Dow	_
+had	_
+tumbled	_
+to	_
+744	_
+.	_
+
+The	_
+Dow	_
+then	_
+rallied	_
+to	_
+a	_
+high	_
+of	_
+943	_
+in	_
+September	_
+of	_
+'67	_
+.	_
+
+By	_
+March	_
+of	_
+'68	_
+the	_
+Dow	_
+had	_
+fallen	_
+to	_
+825	_
+,	_
+only	_
+to	_
+climb	_
+to	_
+a	_
+highly	_
+speculative	_
+peak	_
+of	_
+985	_
+in	_
+December	_
+of	_
+'68	_
+.	_
+
+The	_
+Dow	_
+then	_
+sank	_
+to	_
+631	_
+in	_
+December	_
+of	_
+'70	_
+.	_
+
+By	_
+April	_
+of	_
+'71	_
+the	_
+Dow	_
+had	_
+climbed	_
+back	_
+to	_
+950	_
+,	_
+only	_
+to	_
+fall	_
+to	_
+869	_
+in	_
+February	_
+of	_
+'72	_
+.	_
+
+A	_
+big	_
+rally	_
+then	_
+took	_
+the	_
+Dow	_
+(	_
+unconfirmed	_
+)	_
+to	_
+a	_
+record	_
+high	_
+of	_
+1051	_
+in	_
+January	_
+of	_
+'73	_
+,	_
+turning	_
+everyone	_
+bullish	_
+.	_
+
+But	_
+by	_
+December	_
+of	_
+'73	_
+the	_
+Dow	_
+had	_
+collapsed	_
+to	_
+788	_
+.	_
+
+Think	_
+that	_
+was	_
+bad	_
+-	_
+by	_
+December	_
+of	_
+'74	_
+the	_
+Dow	_
+had	_
+sunk	_
+to	_
+a	_
+bear	_
+market	_
+low	_
+of	_
+577	_
+.	_
+
+At	_
+that	_
+time	_
+,	_
+the	_
+gurus	_
+and	_
+geniuses	_
+of	_
+Wall	_
+Street	_
+were	_
+predicting	_
+a	_
+250	_
+Dow	_
+and	_
+many	_
+were	_
+talking	_
+openly	_
+about	_
+the	_
+end	_
+of	_
+capitalism	_
+.	_
+
+Of	_
+course	_
+,	_
+that	_
+was	_
+the	_
+bottom	_
+
+And	_
+that	_
+'s	_
+the	_
+way	_
+the	_
+greatest	_
+bear	_
+market	_
+since	_
+the	_
+Depression	_
+worked	_
+its	_
+way	_
+down	_
+.	_
+
+By	_
+late	_
+1974	_
+investors	_
+were	_
+dizzy	_
+,	_
+they	_
+were	_
+desperate	_
+,	_
+they	_
+were	_
+wrung	_
+-	_
+out	_
+,	_
+they	_
+had	_
+left	_
+Wall	_
+Street	_
+,	_
+many	_
+for	_
+good	_
+.	_
+
+great	_
+,	_
+we	_
+look	_
+forward	_
+to	_
+seeing	_
+you	_
+.	_
+
+DEBRA	_
+PERLINGIERE	_
+
+09/20/2000	_
+09:32	_
+AM	_
+
+I	_
+will	_
+not	_
+be	_
+there	_
+at	_
+7:30	_
+,	_
+but	_
+will	_
+see	_
+you	_
+arond	_
+9:30	_
+on	_
+Tuesday	_
+.	_
+
+Many	_
+thanks	_
+!	_
+
+Debra	_
+Perlingiere	_
+
+Edward	_
+Terry	_
+
+09/08/2000	_
+09:55	_
+AM	_
+
+FYI	_
+,	_
+
+Per	_
+the	_
+memo	_
+,	_
+ENA	_
+'s	_
+storage	_
+account	_
+will	_
+be	_
+REDUCED	_
+by	_
+420,588	_
+mmbtu	_
+!!!!!!	_
+
+Robert	_
+D	_
+Morgan	_
+
+09/08/2000	_
+09:36	_
+AM	_
+
+The	_
+results	_
+of	_
+the	_
+February	_
+26th	_
+PVT	_
+test	_
+conducted	_
+on	_
+Nville	_
+have	_
+been	_
+discussed	_
+with	_
+each	_
+of	_
+you	_
+over	_
+the	_
+last	_
+three	_
+months	_
+.	_
+
+As	_
+we	_
+have	_
+discussed	_
+....	_
+effective	_
+Sep	_
+13th	_
+,	_
+Anita	_
+will	_
+make	_
+the	_
+adjustments	_
+to	_
+Enron	_
+'s	_
+inventory	_
+and	_
+pad	_
+gas	_
+to	_
+reflect	_
+the	_
+February	_
+26th	_
+results	_
+.	_
+
+I	_
+talked	_
+with	_
+Gary	_
+Wilson	_
+,	_
+and	_
+he	_
+confirmed	_
+that	_
+the	_
+revised	_
+values	_
+are	_
+correct	_
+.	_
+
+Attached	_
+is	_
+a	_
+spreadsheet	_
+that	_
+contains	_
+the	_
+values	_
+.	_
+
+The	_
+correction	_
+to	_
+the	_
+working	_
+gas	_
+includes	_
+TWO	_
+corrections	_
+.	_
+
+The	_
+results	_
+of	_
+the	_
+February	_
+26th	_
+test	_
+reduces	_
+the	_
+working	_
+gas	_
+by	_
+398,487	_
+MMBTU	_
+.	_
+
+In	_
+addition	_
+,	_
+there	_
+is	_
+a	_
+reduction	_
+of	_
+22,101	_
+MMBTU	_
+which	_
+is	_
+the	_
+difference	_
+between	_
+the	_
+SCADA	_
+values	_
+(	_
+Best	_
+Available	_
+)	_
+that	_
+Anita	_
+showed	_
+on	_
+the	_
+February	_
+29th	_
+Storage	_
+Sheet	_
+and	_
+the	_
+"	_
+official	_
+"	_
+February	_
+29th	_
+values	_
+that	_
+Gary	_
+Wilson	_
+received	_
+from	_
+MIPS	_
+.	_
+
+To	_
+summarize	_
+:	_
+Enron	_
+'s	_
+pad	_
+gas	_
+will	_
+now	_
+be	_
+3,993,310	_
+MMBTU	_
+,	_
+instead	_
+of	_
+4,223,000	_
+MMBTU	_
+.	_
+
+Enron	_
+'s	_
+working	_
+gas	_
+will	_
+be	_
+reduced	_
+by	_
+420,588	_
+MMBTU	_
+.	_
+
+Call	_
+me	_
+if	_
+there	_
+are	_
+any	_
+questions	_
+.	_
+
+fyi	_
+
+yeah	_
+i	_
+got	_
+yelled	_
+at	_
+also	_
+.	_
+
+i	_
+tried	_
+to	_
+say	_
+i	_
+was	_
+n't	_
+that	_
+drunk	_
+but	_
+z	_
+was	_
+n't	_
+having	_
+any	_
+of	_
+that	_
+conversation	_
+.	_
+
+she	_
+told	_
+me	_
+that	_
+after	_
+friday	_
+and	_
+saturday	_
+she	_
+felt	_
+i	_
+was	_
+slowly	_
+regressing	_
+.	_
+
+then	_
+i	_
+told	_
+her	_
+i	_
+felt	_
+i	_
+should	_
+be	_
+able	_
+to	_
+screw	_
+missy	_
+just	_
+once	_
+.	_
+
+she	_
+said	_
+that	_
+was	_
+ok	_
+.	_
+
+Did	_
+you	_
+get	_
+in	_
+as	_
+much	_
+trouble	_
+as	_
+I	_
+did	_
+this	_
+weekend	_
+-	_
+Lori	_
+seems	_
+to	_
+think	_
+I	_
+need	_
+to	_
+get	_
+help	_
+-	_
+I	_
+told	_
+her	_
+it	_
+'s	_
+normal	_
+to	_
+drink	_
+all	_
+day	_
+at	_
+a	_
+bar	_
+,	_
+then	_
+go	_
+to	_
+dinner	_
+where	_
+you	_
+do	_
+n't	_
+know	_
+half	_
+the	_
+people	_
+there	_
+and	_
+proceed	_
+to	_
+get	_
+extremely	_
+fucked	_
+up	_
+
+*******************	_
+Internet	_
+Email	_
+Confidentiality	_
+Footer	_
+*******************	_
+
+Privileged	_
+/	_
+Confidential	_
+Information	_
+may	_
+be	_
+contained	_
+in	_
+this	_
+message	_
+.	_
+
+If	_
+you	_
+are	_
+not	_
+the	_
+addressee	_
+indicated	_
+in	_
+this	_
+message	_
+(	_
+or	_
+responsible	_
+for	_
+delivery	_
+of	_
+the	_
+message	_
+to	_
+such	_
+person	_
+)	_
+,	_
+you	_
+may	_
+not	_
+copy	_
+or	_
+deliver	_
+this	_
+message	_
+to	_
+anyone	_
+.	_
+
+In	_
+such	_
+case	_
+,	_
+you	_
+should	_
+destroy	_
+this	_
+message	_
+and	_
+kindly	_
+notify	_
+the	_
+sender	_
+by	_
+reply	_
+email	_
+.	_
+
+Please	_
+advise	_
+immediately	_
+if	_
+you	_
+or	_
+your	_
+employer	_
+do	_
+not	_
+consent	_
+to	_
+Internet	_
+email	_
+for	_
+messages	_
+of	_
+this	_
+kind	_
+.	_
+
+Opinions	_
+,	_
+conclusions	_
+and	_
+other	_
+information	_
+in	_
+this	_
+message	_
+that	_
+do	_
+not	_
+relate	_
+to	_
+the	_
+official	_
+business	_
+of	_
+my	_
+firm	_
+shall	_
+be	_
+understood	_
+as	_
+neither	_
+given	_
+nor	_
+endorsed	_
+by	_
+it	_
+.	_
+
+Job	_
+ID	_
+:	_
+J12746KM	_
+
+Job	_
+Title	_
+:	_
+Attorney	_
+
+Location	_
+:	_
+Houston	_
+,	_
+Texas	_
+USA	_
+
+Compensation	_
+:	_
+$	_
+60000	_
+-	_
+70000	_
+
+Description	_
+:	_
+
+Our	_
+client	_
+is	_
+a	_
+small	_
+law	_
+firm	_
+that	_
+is	_
+looking	_
+for	_
+an	_
+individual	_
+to	_
+join	_
+their	_
+team	_
+handling	_
+toxic	_
+tort	_
+with	_
+some	_
+minor	_
+PI	_
+defense	_
+.	_
+
+They	_
+offer	_
+an	_
+exceptional	_
+compensation	_
+package	_
+including	_
+a	_
+healthy	_
+salary	_
+,	_
+comprehensive	_
+benefits	_
+program	_
+,	_
+and	_
+ample	_
+room	_
+for	_
+associates	_
+to	_
+grow	_
+within	_
+the	_
+firm	_
+.	_
+
+KM	_
+
+Requirements	_
+:	_
+
+You	_
+'ll	_
+be	_
+able	_
+to	_
+use	_
+your	_
+1	_
+-	_
+4	_
+years	_
+of	_
+experience	_
+with	_
+Toxic	_
+Tort	_
+to	_
+complement	_
+your	_
+desire	_
+to	_
+stay	_
+with	_
+the	_
+firm	_
+.	_
+
+Company	_
+:	_
+
+Marvel	_
+Consultants	_
+,	_
+Inc.	_
+28601	_
+Chagrin	_
+Blvd.	_
+Cleveland	_
+,	_
+Ohio	_
+44122	_
+USA	_
+Email	_
+:	_
+recruiters@marvelconsultants.com	_
+<	_
+mailto:recruiters@marvelconsultants.com	_
+>	_
+Phone	_
+:	_
+216-292-2855	_
+Fax	_
+:	_
+216-292-7207	_
+
+thanks	_
+
+I	_
+'ve	_
+thought	_
+about	_
+you	_
+a	_
+few	_
+times	_
+in	_
+the	_
+last	_
+few	_
+months	_
+,	_
+did	_
+n't	_
+want	_
+to	_
+intrude	_
+upon	_
+an	_
+already	_
+bad	_
+situation	_
+with	_
+my	_
+bullshit	_
+questions	_
+.	_
+
+I	_
+'m	_
+hearing	_
+some	_
+pretty	_
+depressing	_
+stuff	_
+from	_
+the	_
+people	_
+I	_
+know	_
+at	_
+ENE	_
+.	_
+
+I	_
+wish	_
+I	_
+had	_
+the	_
+capital	_
+to	_
+open	_
+my	_
+own	_
+shop	_
+?	_
+
+there	_
+will	_
+be	_
+talent	_
+and	_
+opportunity	_
+a	_
+plenty	_
+on	_
+the	_
+market	_
+soon	_
+.	_
+
+I	_
+'ll	_
+ask	_
+around	_
+?	_
+
+I	_
+'ve	_
+got	_
+some	_
+friends	_
+at	_
+Duke	_
+and	_
+Dynegy	_
+from	_
+B	_
+-	_
+school	_
+,	_
+the	_
+Gianoucous	_
+(	_
+spelling	_
+??	_
+)	_
+brothers	_
+(	_
+John	_
+and	_
+Dimitri	_
+?	_
+from	_
+elementary	_
+school	_
+)	_
+started	_
+their	_
+own	_
+outfit	_
+a	_
+while	_
+back	_
+,	_
+and	_
+my	_
+old	_
+man	_
+is	_
+at	_
+Schlumberger	_
+and	_
+has	_
+good	_
+contacts	_
+in	_
+general	_
+(	_
+if	_
+you	_
+are	_
+n't	_
+married	_
+to	_
+a	_
+trading	_
+environment	_
+)	_
+.	_
+
+Give	_
+me	_
+a	_
+few	_
+days	_
+,	_
+and	_
+I	_
+'ll	_
+be	_
+in	_
+touch	_
+.	_
+
+Michael	_
+
+you	_
+guys	_
+have	_
+any	_
+job	_
+opening	_
+for	_
+ex	_
+natural	_
+gas	_
+traders	_
+that	_
+made	_
+their	_
+now	_
+almost	_
+defunctc	_
+ompany	_
+over	_
+40	_
+million	_
+in	_
+the	_
+last	_
+two	_
+years	_
+?	_
+
+not	_
+sure	_
+how	_
+much	_
+longer	_
+ene	_
+is	_
+going	_
+to	_
+be	_
+around	_
+and	_
+i	_
+'m	_
+checking	_
+out	_
+my	_
+options	_
+!	_
+
+Rodgers	_
+
+As	_
+we	_
+discussed	_
+,	_
+here	_
+is	_
+a	_
+first	_
+effort	_
+at	_
+a	_
+revised	_
+TVA	_
+offer	_
+letter	_
+.	_
+
+I	_
+drafted	_
+the	_
+Into	_
+TVA	_
+Option	_
+as	_
+a	_
+series	_
+of	_
+calls	_
+tied	_
+to	_
+the	_
+MOPA	_
+delivery	_
+term	_
+and	_
+quantity	_
+-	_
+not	_
+sure	_
+if	_
+this	_
+anything	_
+close	_
+to	_
+what	_
+you	_
+all	_
+had	_
+in	_
+mind	_
+.	_
+
+Please	_
+let	_
+me	_
+know	_
+what	_
+shape	_
+you	_
+all	_
+think	_
+the	_
+offer	_
+ought	_
+to	_
+take	_
+and	_
+we	_
+can	_
+revise	_
+accordingly	_
+.	_
+
+Thanks	_
+
+Elizabeth	_
+36349	_
+
+see	_
+you	_
+there	_
+at	_
+4:00	_
+unless	_
+I	_
+call	_
+you	_
+
+Mark	_
+E	_
+Haedicke	_
+
+Sent	_
+by	_
+:	_
+Janette	_
+Elbertson	_
+
+02/28/2001	_
+03:16	_
+PM	_
+
+Please	_
+use	_
+the	_
+form	_
+attached	_
+when	_
+preparing	_
+the	_
+top	_
+ten	_
+risks	_
+for	_
+your	_
+businesses	_
+.	_
+
+Please	_
+be	_
+brief	_
+!	_
+
+Mark	_
+E	_
+Haedicke	_
+
+Sent	_
+by	_
+:	_
+Janette	_
+Elbertson	_
+
+02/28/2001	_
+04:41	_
+PM	_
+
+Please	_
+update	_
+the	_
+attached	_
+Legal	_
+Risk	_
+Report	_
+.	_
+
+Send	_
+the	_
+revised	_
+report	_
+by	_
+e-mail	_
+.	_
+
+Thank	_
+you	_
+.	_
+
+Mike	_
+Curry	_
+
+11/14/2000	_
+11:37	_
+AM	_
+
+With	_
+Elizabeth	_
+'s	_
+comments	_
+added	_
+to	_
+summary	_
+...	_
+
+yuk	_
+.	_
+
+so	_
+sorry	_
+to	_
+have	_
+to	_
+cancel	_
+
+that	_
+deal	_
+is	_
+making	_
+like	_
+it	_
+wants	_
+to	_
+close	_
+and	_
+the	_
+traders	_
+scheduled	_
+a	_
+430	_
+call	_
+to	_
+wrap	_
+it	_
+up	_
+
+do	_
+n't	_
+they	_
+know	_
+we	_
+have	_
+better	_
+things	_
+to	_
+do	_
+
+here	_
+is	_
+to	_
+getting	_
+back	_
+on	_
+track	_
+after	_
+thanksgiving	_
+
+sorry	_
+again	_
+
+per	_
+my	_
+vm	_
+
+John	_
+Lamb@ENRON	_
+
+11/15/2000	_
+11:58	_
+AM	_
+
+Attached	_
+are	_
+clean	_
+and	_
+blacklined	_
+drafts	_
+of	_
+the	_
+Enron	_
+guaranties	_
+to	_
+be	_
+made	_
+in	_
+support	_
+of	_
+EPMI	_
+'s	_
+obligations	_
+under	_
+the	_
+Indian	_
+Mesa	_
+II	_
+Renewable	_
+Energy	_
+Purchase	_
+Agreement	_
+(	_
+"	_
+PPA	_
+"	_
+)	_
+and	_
+Green	_
+Premium	_
+Sharing	_
+Agreement	_
+(	_
+"	_
+GSPA	_
+"	_
+)	_
+.?	_
+
+The	_
+guaranty	_
+for	_
+the	_
+PPA	_
+is	_
+blacklined	_
+against	_
+the	_
+Enron	_
+EPC	_
+Contract	_
+guaranty	_
+in	_
+favor	_
+of	_
+the	_
+banks	_
+which	_
+was	_
+granted	_
+in	_
+connection	_
+with	_
+our	_
+Cabazon	_
+Wind	_
+Power	_
+Project	_
+(	_
+the	_
+project	_
+most	_
+recently	_
+financed	_
+by	_
+EWC	_
+)	_
+and	_
+the	_
+GPSA	_
+guaranty	_
+is	_
+blacklined	_
+against	_
+the	_
+PPA	_
+guaranty	_
+.	_
+
+As	_
+we	_
+discussed	_
+last	_
+week	_
+,	_
+since	_
+the	_
+Enron	_
+guaranties	_
+will	_
+need	_
+to	_
+be	_
+in	_
+a	_
+form	_
+that	_
+will	_
+acceptable	_
+to	_
+our	_
+project	_
+lenders	_
+and	_
+equity	_
+participants	_
+,	_
+we	_
+thought	_
+that	_
+we	_
+should	_
+start	_
+with	_
+a	_
+form	_
+that	_
+was	_
+used	_
+in	_
+our	_
+last	_
+financing	_
+and	_
+that	_
+was	_
+negotiated	_
+by	_
+Enron	_
+and	_
+the	_
+banks	_
+.	_
+
+We	_
+plan	_
+to	_
+use	_
+the	_
+same	_
+basic	_
+form	_
+for	_
+the	_
+Enron	_
+guaranty	_
+that	_
+will	_
+be	_
+made	_
+in	_
+favor	_
+of	_
+EPMI	_
+with	_
+respect	_
+to	_
+the	_
+seller	_
+'s	_
+obligations	_
+under	_
+the	_
+PPA	_
+.	_
+
+We	_
+will	_
+forward	_
+the	_
+draft	_
+of	_
+that	_
+guaranty	_
+to	_
+you	_
+later	_
+today	_
+.	_
+
+Please	_
+feel	_
+free	_
+to	_
+give	_
+me	_
+a	_
+call	_
+if	_
+you	_
+have	_
+any	_
+questions	_
+concerning	_
+the	_
+attached	_
+guaranties	_
+.	_
+
+Thank	_
+you	_
+.	_
+
+-	_
+PPA	_
+Guaranty.doc	_
+
+-	_
+GPSA	_
+Guaranty.doc	_
+
+-	_
+REDLINE	_
+GPSA	_
+Guaranty.doc	_
+
+-	_
+REDLINE	_
+PPA	_
+Guaranty.doc	_
+
+?	_
+
+Sheila	_
+Tweed	_
+
+03/26/2001	_
+08:58	_
+PM	_
+
+Mary	_
+Hain	_
+
+03/23/2001	_
+12:24	_
+PM	_
+
+I	_
+am	_
+going	_
+to	_
+be	_
+the	_
+Senior	_
+Regulatory	_
+Counsel	_
+at	_
+ISO	_
+New	_
+England	_
+starting	_
+on	_
+April	_
+9	_
+,	_
+2001	_
+.	_
+
+My	_
+last	_
+day	_
+in	_
+the	_
+Portland	_
+area	_
+will	_
+be	_
+March	_
+31	_
+,	_
+2001	_
+.	_
+
+I	_
+enjoyed	_
+working	_
+with	_
+you	_
+and	_
+wish	_
+you	_
+the	_
+best	_
+of	_
+everything	_
+.	_
+
+My	_
+new	_
+address	_
+will	_
+be	_
+:	_
+Mary	_
+Hain	_
+Senior	_
+Regulatory	_
+Counsel	_
+ISO	_
+New	_
+England	_
+Inc.One	_
+Sullivan	_
+Road	_
+Holyoke	_
+,	_
+MA	_
+01040-2841	_
+(	_
+413	_
+)	_
+535-4000	_
+mhain@ISO-NE.com	_
+
+Mark	_
+
+Here	_
+is	_
+a	_
+revised	_
+draft	_
+of	_
+the	_
+CDWR	_
+risk	_
+memo	_
+.	_
+
+Events	_
+change	_
+everyday	_
+.	_
+
+This	_
+morning	_
+'s	_
+paper	_
+reports	_
+that	_
+a	_
+rate	_
+increase	_
+of	_
+40	_
+%	_
+may	_
+be	_
+imposed	_
+by	_
+the	_
+CDWR	_
+as	_
+early	_
+as	_
+today	_
+and	_
+the	_
+new	_
+bond	_
+issue	_
+amount	_
+is	_
+purported	_
+to	_
+be	_
+16	_
+billion	_
+(	_
+rather	_
+than	_
+the	_
+10	_
+initially	_
+discussed	_
+)	_
+
+Mark	_
+
+As	_
+we	_
+discussed	_
+,	_
+here	_
+is	_
+a	_
+copy	_
+of	_
+the	_
+draft	_
+memo	_
+.	_
+
+Thanks	_
+
+Elizabeth	_
+36349	_
+
+see	_
+you	_
+there	_
+on	_
+court	_
+10	_
+
+ps	_
+I	_
+may	_
+have	_
+to	_
+come	_
+back	_
+to	_
+work	_
+for	_
+a	_
+615	_
+call	_
+
+Here	_
+is	_
+latest	_
+draft	_
+of	_
+risk	_
+memo	_
+(	_
+STILL	_
+IN	_
+DRAFT	_
+FORM	_
+)	_
+.	_
+
+I	_
+faxed	_
+comments	_
+to	_
+you	_
+on	_
+dash	_
+.	_
+
+Do	_
+you	_
+have	_
+any	_
+current	_
+info	_
+on	_
+deal	_
+status	_
+?	_
+
+Thanks	_
+
+Elizabeth	_
+36349	_
+
+Vince	_
+,	_
+
+Are	_
+you	_
+going	_
+to	_
+be	_
+able	_
+to	_
+make	_
+the	_
+power	_
+VAR	_
+meeting	_
+on	_
+Thursday	_
+?	_
+
+Frank	_
+
+Sheridan	_
+,	_
+
+I	_
+have	_
+just	_
+checked	_
+with	_
+RAC	_
+(	_
+David	_
+Gorte	_
+)	_
+and	_
+we	_
+have	_
+a	_
+green	_
+light	_
+to	_
+go	_
+ahead	_
+with	_
+the	_
+project	_
+.	_
+
+I	_
+shall	_
+you	_
+tomorrow	_
+to	_
+discuss	_
+the	_
+details	_
+.	_
+
+Vince	_
+
+Sheridan	_
+Titman	_
+<	_
+titman@mail.utexas.edu	_
+>	_
+on	_
+01/24/2001	_
+02:45:50	_
+PM	_
+
+Vince	_
+:	_
+
+I	_
+just	_
+wanted	_
+to	_
+check	_
+with	_
+you	_
+regarding	_
+the	_
+consulting	_
+arrangement	_
+we	_
+discussed	_
+a	_
+couple	_
+of	_
+weeks	_
+ago	_
+.	_
+
+Perhaps	_
+,	_
+we	_
+should	_
+start	_
+with	_
+just	_
+a	_
+1	_
+or	_
+2	_
+day	_
+contract	_
+where	_
+I	_
+give	_
+some	_
+thoughts	_
+to	_
+the	_
+kind	_
+of	_
+issues	_
+that	_
+we	_
+discussed	_
+and	_
+come	_
+to	_
+Houston	_
+to	_
+present	_
+my	_
+preliminary	_
+thoughts	_
+and	_
+possible	_
+avenues	_
+for	_
+additional	_
+work	_
+.	_
+
+regards	_
+,	_
+
+Sheridan	_
+
+Sheridan	_
+Titman	_
+Department	_
+of	_
+Finance	_
+College	_
+of	_
+Business	_
+Administration	_
+University	_
+of	_
+Texas	_
+Austin	_
+,	_
+Texas	_
+78712-1179	_
+512-232-2787	_
+(	_
+phone	_
+)	_
+512-471-5073	_
+(	_
+fax	_
+)	_
+titman@mail.utexas.edu	_
+
+Bryan	_
+,	_
+
+Did	_
+you	_
+have	_
+a	_
+chance	_
+to	_
+take	_
+a	_
+look	_
+at	_
+the	_
+resume	_
+I	_
+sent	_
+you	_
+?	_
+
+He	_
+looked	_
+like	_
+a	_
+great	_
+guy	_
+for	_
+your	_
+group	_
+.	_
+
+Vince	_
+
+David	_
+,	_
+
+A	_
+reminder	_
+.	_
+
+We	_
+discussed	_
+a	_
+few	_
+days	_
+ago	_
+a	_
+consulting	_
+arrangement	_
+with	_
+Prof.	_
+Sheridan	_
+Titman	_
+from	_
+UT	_
+.	_
+
+Any	_
+feedback	_
+from	_
+Rick	_
+Buy	_
+?	_
+
+Please	_
+,	_
+let	_
+me	_
+know	_
+.	_
+
+42299	_
+
+Vince	_
+
+Kevin	_
+Kindall@ENRON	_
+
+01/24/2001	_
+03:51	_
+PM	_
+
+Per	_
+our	_
+conversation	_
+yesterday	_
+...	_
+
+Hi	_
+Kevin	_
+,	_
+
+Further	_
+to	_
+your	_
+call	_
+attached	_
+is	_
+a	_
+presentation	_
+I	_
+gave	_
+at	_
+the	_
+Canadian	_
+Risk	_
+Managers	_
+Conference	_
+in	_
+Edmonton	_
+in	_
+the	_
+fall	_
+of	_
+2000	_
+.	_
+
+I	_
+'ll	_
+try	_
+and	_
+send	_
+one	_
+of	_
+Peter	_
+Cox	_
+'	_
+as	_
+well	_
+but	_
+may	_
+have	_
+some	_
+problems	_
+due	_
+to	_
+file	_
+size	_
+.	_
+
+In	_
+any	_
+event	_
+,	_
+my	_
+presentation	_
+should	_
+give	_
+you	_
+a	_
+starting	_
+point	_
+.	_
+
+Mike	_
+
+-	_
+Cfoforum.ppt	_
+
+Darrell	_
+,	_
+
+Thanks	_
+a	_
+lot	_
+.	_
+
+A	_
+quick	_
+question	_
+:	_
+we	_
+have	_
+n't	_
+received	_
+your	_
+invoice	_
+for	_
+the	_
+last	_
+few	_
+model	_
+/	_
+paper	_
+reviews	_
+.	_
+
+Please	_
+,	_
+make	_
+sure	_
+that	_
+we	_
+are	_
+billed	_
+.	_
+
+Clewlow	_
+/	_
+Strickland	_
+book	_
+is	_
+out	_
+.	_
+
+I	_
+shall	_
+send	_
+you	_
+a	_
+copy	_
+today	_
+.	_
+
+Vince	_
+
+Darrell	_
+Duffie	_
+<	_
+duffie@Stanford.EDU	_
+>	_
+on	_
+01/24/2001	_
+03:17:01	_
+PM	_
+
+Please	_
+respond	_
+to	_
+Darrell	_
+Duffie	_
+<	_
+duffie@Stanford.EDU	_
+>	_
+
+Vince	_
+/	_
+Taiichi	_
+
+In	_
+case	_
+you	_
+are	_
+interested	_
+,	_
+I	_
+attach	_
+this	_
+paper	_
+on	_
+gas	_
+Storage	_
+value	_
+modeling	_
+.	_
+
+Best	_
+,	_
+
+Darrell	_
+
+_____________________________________________	_
+
+Darrell	_
+Duffie	_
+mail	_
+GSB	_
+Stanford	_
+CA	_
+94305-5015	_
+USA	_
+phone	_
+650	_
+723	_
+1976	_
+fax	_
+650	_
+725	_
+7979	_
+email	_
+duffie@stanford.edu	_
+web	_
+http://www.stanford.edu/~duffie/	_
+
+_____________________________________________	_
+
+-	_
+Paper4.pdf	_
+
+Al	_
+,	_
+
+I	_
+have	_
+spoken	_
+with	_
+Mark	_
+Lay	_
+and	_
+he	_
+is	_
+interested	_
+.	_
+
+Even	_
+if	_
+we	_
+can	_
+not	_
+help	_
+you	_
+here	_
+in	_
+Enron	_
+,	_
+he	_
+may	_
+be	_
+able	_
+to	_
+put	_
+you	_
+in	_
+touch	_
+with	_
+other	_
+CV	_
+groups	_
+in	_
+town	_
+.	_
+
+Please	_
+,	_
+call	_
+him	_
+directly	_
+and	_
+give	_
+my	_
+name	_
+as	_
+a	_
+reference	_
+.	_
+
+(	_
+713	_
+)	_
+853-7408	_
+
+Good	_
+luck	_
+.	_
+
+Vince	_
+
+Vince	_
+J	_
+Kaminski	_
+
+01/24/2001	_
+11:21	_
+AM	_
+
+Al	_
+,	_
+
+I	_
+have	_
+called	_
+Mark	_
+Lay	_
+and	_
+left	_
+a	_
+message	_
+on	_
+his	_
+voice	_
+mail	_
+.	_
+
+Vince	_
+
+Al	_
+Arfsten	_
+<	_
+arfsten@bflassociates.com	_
+>	_
+on	_
+01/24/2001	_
+11:16:25	_
+AM	_
+
+Vince	_
+:	_
+
+Your	_
+suggestion	_
+to	_
+introduce	_
+the	_
+concept	_
+discussed	_
+with	_
+one	_
+of	_
+the	_
+Lays	_
+is	_
+welcomed	_
+.	_
+
+I	_
+hope	_
+that	_
+this	_
+would	_
+mean	_
+that	_
+you	_
+would	_
+remain	_
+involved	_
+at	_
+some	_
+level	_
+.	_
+
+The	_
+design	_
+of	_
+the	_
+model	_
+and	_
+its	_
+potential	_
+economics	_
+could	_
+be	_
+key	_
+to	_
+how	_
+worthy	_
+the	_
+effort	_
+might	_
+be	_
+.	_
+
+Enron	_
+could	_
+be	_
+an	_
+ideal	_
+environment	_
+from	_
+which	_
+to	_
+the	_
+concept	_
+enhancement	_
+through	_
+to	_
+commercialization	_
+could	_
+be	_
+successfully	_
+accomplished	_
+.	_
+
+Please	_
+confidentially	_
+share	_
+matters	_
+as	_
+you	_
+think	_
+best	_
+and	_
+advise	_
+me	_
+of	_
+the	_
+interest	_
+generated	_
+.	_
+
+I	_
+am	_
+ready	_
+to	_
+meet	_
+there	_
+at	_
+your	_
+building	_
+or	_
+elsewhere	_
+that	_
+is	_
+appropriate	_
+.	_
+
+Best	_
+regards	_
+,	_
+
+Al	_
+Arfsten	_
+713	_
+965	_
+2158	_
+
+Martin	_
+,	_
+
+No	_
+problem	_
+.	_
+
+Please	_
+,	_
+ask	_
+Stinson	_
+as	_
+well	_
+.	_
+
+Vince	_
+
+I	_
+thought	_
+that	_
+since	_
+Chonawee	_
+has	_
+an	_
+optimization	_
+background	_
+,	_
+he	_
+would	_
+be	_
+good	_
+to	_
+have	_
+him	_
+go	_
+to	_
+dinner	_
+with	_
+Dr.	_
+Lasdon	_
+on	_
+Thrusday	_
+as	_
+well	_
+.	_
+
+Would	_
+this	_
+be	_
+fine	_
+?	_
+
+Thanks	_
+,	_
+
+Martin	_
+
+We	_
+are	_
+still	_
+trying	_
+to	_
+figure	_
+out	_
+some	_
+of	_
+the	_
+cash	_
+traders	_
+.	_
+
+Once	_
+we	_
+get	_
+the	_
+word	_
+from	_
+Lavo	_
+we	_
+'ll	_
+let	_
+you	_
+know	_
+.	_
+
+Thanks	_
+
+KK	_
+
+Kam	_
+,	_
+
+Are	_
+there	_
+any	_
+new	_
+developments	_
+in	_
+the	_
+trader	_
+world	_
+?	_
+
+We	_
+still	_
+have	_
+the	_
+traders	_
+and	_
+books	_
+that	_
+you	_
+provided	_
+last	_
+week	_
+,	_
+but	_
+need	_
+to	_
+know	_
+if	_
+there	_
+are	_
+any	_
+changes	_
+to	_
+this	_
+.	_
+
+Please	_
+let	_
+us	_
+know	_
+if	_
+you	_
+need	_
+a	_
+change	_
+so	_
+that	_
+the	_
+deals	_
+will	_
+bridge	_
+with	_
+the	_
+correct	_
+books	_
+.	_
+
+Thanks	_
+,	_
+
+Dawn	_
+
+Hey	_
+,	_
+
+I	_
+am	_
+going	_
+to	_
+have	_
+to	_
+miss	_
+your	_
+wedding	_
+.	_
+
+Unfortunately	_
+,	_
+I	_
+will	_
+be	_
+in	_
+Plano	_
+that	_
+weekend	_
+.	_
+
+I	_
+wish	_
+I	_
+could	_
+make	_
+it	_
+.	_
+
+What	_
+'s	_
+going	_
+on	_
+with	_
+the	_
+UBS	_
+weather	_
+position	_
+?	_
+
+Has	_
+that	_
+gone	_
+anywhere	_
+or	_
+are	_
+the	_
+other	_
+possibilities	_
+you	_
+had	_
+better	_
+?	_
+
+Talk	_
+to	_
+you	_
+soon	_
+,	_
+
+Kam	_
+
+Hey	_
+guys	_
+,	_
+
+I	_
+am	_
+being	_
+told	_
+by	_
+my	_
+better	_
+half	_
+that	_
+we	_
+need	_
+to	_
+get	_
+an	_
+accurate	_
+head	_
+count	_
+of	_
+who	_
+will	_
+be	_
+attending	_
+our	_
+wedding	_
+.	_
+
+If	_
+you	_
+would	_
+be	_
+so	_
+kind	_
+,	_
+could	_
+you	_
+possibly	_
+let	_
+me	_
+know	_
+of	_
+your	_
+status	_
+over	_
+the	_
+next	_
+couple	_
+of	_
+days	_
+?	_
+
+For	_
+those	_
+of	_
+you	_
+who	_
+already	_
+sent	_
+us	_
+an	_
+RSVP	_
+response	_
+recently	_
+,	_
+please	_
+disregard	_
+.	_
+
+Thanks	_
+for	_
+your	_
+help	_
+!	_
+
+Jeff	_
+
+WT	_
+Cal	_
+has	_
+been	_
+added	_
+.	_
+
+Could	_
+you	_
+run	_
+those	_
+additional	_
+post	_
+-	_
+id's	_
+?	_
+
+There	_
+are	_
+deals	_
+in	_
+the	_
+Aruba	_
+book	_
+so	_
+I	_
+'m	_
+not	_
+sure	_
+why	_
+you	_
+are	_
+n't	_
+picking	_
+those	_
+up	_
+.	_
+
+The	_
+deals	_
+are	_
+listed	_
+below	_
+.	_
+
+Thanks	_
+
+EY4096.1	_
+PERFORMANCE	_
+01-Feb-02	_
+P	_
+6,363,217	_
+-	_
+$	_
+250,393	_
+
+EY4096.3	_
+PERFORMANCE	_
+01-Feb-02	_
+P	_
+202,989	_
+$	_
+195,610	_
+
+EY4096.4	_
+PERFORMANCE	_
+01-Feb-02	_
+F	_
+0	_
+$	_
+31,180	_
+
+EY4096.7	_
+PERFORMANCE	_
+01-Feb-02	_
+P	_
+-	_
+6,363,217	_
+-	_
+$	_
+55,678	_
+
+EY4106.6	_
+PERFORMANCE	_
+01-Feb-02	_
+P	_
+-	_
+1,993,045	_
+-	_
+$	_
+32,387	_
+
+EY4106.7	_
+PERFORMANCE	_
+01-Feb-02	_
+P	_
+1,993,045	_
+-	_
+$	_
+43,548	_
+
+EY4106.9	_
+PERFORMANCE	_
+01-Feb-02	_
+P	_
+27,886	_
+$	_
+27,361	_
+
+EY4108.E	_
+PERFORMANCE	_
+01-Feb-02	_
+P	_
+12,514,373	_
+-	_
+$	_
+265,932	_
+
+EY4108.F	_
+PERFORMANCE	_
+01-Feb-02	_
+P	_
+112,610	_
+$	_
+110,555	_
+
+EY4108.H	_
+PERFORMANCE	_
+01-Feb-02	_
+P	_
+-	_
+2,239,879	_
+-	_
+$	_
+36,398	_
+
+EY4108.I	_
+PERFORMANCE	_
+01-Feb-02	_
+P	_
+-	_
+10,274,494	_
+-	_
+$	_
+166,960	_
+
+Thanks	_
+
+As	_
+seen	_
+below	_
+,	_
+
+Please	_
+start	_
+using	_
+the	_
+ENA	_
+DPR	_
+0102	_
+file	_
+rather	_
+than	_
+the	_
+EWS	_
+DPR	_
+2002	_
+file	_
+to	_
+send	_
+to	_
+Chris	_
+.	_
+
+The	_
+positions	_
+needed	_
+to	_
+be	_
+divided	_
+to	_
+reflect	_
+BCF	_
+'s	_
+.	_
+
+Thanks	_
+
+Kam	_
+
+could	_
+you	_
+also	_
+CC	_
+me	_
+the	_
+first	_
+few	_
+times	_
+you	_
+send	_
+it	_
+?	_
+
+While	_
+our	_
+established	_
+schedules	_
+of	_
+Tuesday	_
+and	_
+Friday	_
+DPR's	_
+would	_
+have	_
+us	_
+reporting	_
+tomorrow	_
+'s	_
+activity	_
+on	_
+Monday	_
+,	_
+we	_
+will	_
+change	_
+that	_
+for	_
+month	_
+end	_
+.	_
+
+Please	_
+email	_
+the	_
+January	_
+31st	_
+DPR	_
+information	_
+for	_
+your	_
+respective	_
+groups	_
+to	_
+my	_
+attention	_
+by	_
+noon	_
+on	_
+Friday	_
+.	_
+
+You	_
+should	_
+use	_
+the	_
+same	_
+spreadsheet	_
+format	_
+used	_
+for	_
+the	_
+1/29/02	_
+DPR	_
+.	_
+
+All	_
+p&l	_
+and	_
+PRMA	_
+numbers	_
+should	_
+be	_
+in	_
+$	_
+'000's	_
+.	_
+
+Starting	_
+in	_
+February	_
+,	_
+you	_
+will	_
+be	_
+able	_
+to	_
+export	_
+the	_
+data	_
+,	_
+as	_
+opposed	_
+to	_
+using	_
+the	_
+spreadsheets	_
+.	_
+
+Thanks	_
+,	_
+
+Chris	_
+Abel	_
+Manager	_
+,	_
+Risk	_
+Controls	_
+Global	_
+Risk	_
+Operations	_
+chris.abel@enron.com	_
+<	_
+mailto:chris.abel@enron.com	_
+>	_
+713.853.3102	_
+
+Kristen	_
+,	_
+
+Attached	_
+are	_
+all	_
+live	_
+financial	_
+deals	_
+by	_
+risk	_
+type	_
+.	_
+
+As	_
+you	_
+can	_
+see	_
+,	_
+the	_
+price	_
+data	_
+is	_
+too	_
+large	_
+to	_
+fit	_
+into	_
+one	_
+tab	_
+.	_
+
+After	_
+tomorrow	_
+,	_
+I	_
+will	_
+no	_
+longer	_
+have	_
+access	_
+to	_
+the	_
+estate	_
+files	_
+.	_
+
+Greg	_
+Couch	_
+will	_
+be	_
+taking	_
+over	_
+the	_
+responsibility	_
+for	_
+the	_
+estate	_
+risk	_
+group	_
+and	_
+will	_
+be	_
+able	_
+to	_
+assist	_
+you	_
+with	_
+your	_
+requests	_
+going	_
+forward	_
+.	_
+
+Thanks	_
+
+Kam	_
+
+Ed	_
+,	_
+
+Here	_
+is	_
+a	_
+list	_
+of	_
+the	_
+risk	_
+people	_
+that	_
+will	_
+be	_
+with	_
+the	_
+estate	_
+.	_
+
+After	_
+this	_
+weekend	_
+,	_
+we	_
+will	_
+no	_
+longer	_
+have	_
+access	_
+to	_
+the	_
+estate	_
+files	_
+,	_
+these	_
+people	_
+will	_
+be	_
+able	_
+to	_
+help	_
+you	_
+with	_
+any	_
+of	_
+your	_
+questions	_
+.	_
+
+We	_
+will	_
+still	_
+be	_
+around	_
+to	_
+assist	_
+them	_
+if	_
+needed	_
+.	_
+
+Thanks	_
+
+KK	_
+
+Here	_
+you	_
+go	_
+...	_
+
+AC	_
+
+Sanjeev	_
+,	_
+
+I	_
+should	_
+have	_
+a	_
+list	_
+of	_
+post	_
+-	_
+id's	_
+for	_
+you	_
+by	_
+4:30	_
+today	_
+.	_
+
+After	_
+friday	_
+,	_
+I	_
+will	_
+no	_
+longer	_
+have	_
+access	_
+to	_
+the	_
+estate	_
+,	_
+so	_
+if	_
+you	_
+could	_
+shoot	_
+this	_
+off	_
+over	_
+night	_
+so	_
+I	_
+could	_
+have	_
+something	_
+in	_
+the	_
+morning	_
+to	_
+work	_
+with	_
+I	_
+would	_
+appreciate	_
+it	_
+.	_
+
+Let	_
+me	_
+know	_
+if	_
+that	_
+does	_
+n't	_
+seem	_
+possible	_
+.	_
+
+Thanks	_
+
+Kam	_
+
+Hi	_
+I	_
+´m	_
+from	_
+Brazil	_
+and	_
+I	_
+want	_
+to	_
+know	_
+of	_
+book	_
+06	_
+.	_
+
+Is	_
+good	_
+or	_
+bad	_
+?	_
+
+what	_
+'s	_
+your	_
+opinion	_
+?	_
+
+kisses	_
+
+leli	_
+
+it	_
+s	_
+good	_
+.	_
+
+u	_
+must	_
+read	_
+it	_
+.	_
+
+pairing	_
+up	_
+of	_
+harry	_
+and	_
+ginny	_
+is	_
+cool	_
+
+It	_
+s	_
+awesome	_
+-	_
+better	_
+than	_
+book	_
+5	_
+
+An	_
+orphaned	_
+,	_
+two	_
+-	_
+month	_
+old	_
+African	_
+elephant	_
+named	_
+Olly	_
+received	_
+an	_
+extremely	_
+uplifting	_
+Christmas	_
+present	_
+this	_
+year	_
+:	_
+an	_
+airplane	_
+ride	_
+just	_
+for	_
+him	_
+,	_
+courtesy	_
+of	_
+the	_
+International	_
+Fund	_
+for	_
+Animal	_
+Welfare	_
+and	_
+their	_
+friends	_
+'	_
+The	_
+Bateleurs	_
+'	_
+.	_
+
+Animal	_
+News	_
+Center	_
+Webmaster	_
+
+Hello	_
+,	_
+
+We	_
+have	_
+started	_
+a	_
+new	_
+forum	_
+for	_
+an	_
+interactive	_
+and	_
+absorbing	_
+discussion	_
+on	_
+Astrology	_
+&	_
+Palmistry	_
+and	_
+everything	_
+in	_
+between	_
+including	_
+Gemology	_
+,	_
+Feng	_
+Shui	_
+/	_
+Vaastu	_
+Shastra	_
+.	_
+
+We	_
+look	_
+forward	_
+to	_
+your	_
+active	_
+participation	_
+to	_
+make	_
+this	_
+forum	_
+an	_
+exciting	_
+meeting	_
+place	_
+for	_
+like	_
+minded	_
+individuals	_
+.	_
+
+Regards	_
+
+Swetha	_
+
+Play	_
+your	_
+CD's	_
+,	_
+8	_
+-	_
+tracks	_
+,	_
+reel	_
+to	_
+reels	_
+,	_
+cassettes	_
+,	_
+vinyl	_
+33	_
+/	_
+45's	_
+,	_
+and	_
+shellac	_
+78's	_
+through	_
+this	_
+little	_
+integrated	_
+amp	_
+,	_
+you	_
+'ll	_
+get	_
+a	_
+big	_
+eye	_
+opener	_
+!	_
+
+complete	_
+with	_
+original	_
+Magnavox	_
+tubes	_
+-	_
+all	_
+tubes	_
+have	_
+been	_
+tested	_
+they	_
+are	_
+all	_
+good	_
+-	_
+stereo	_
+amp	_
+
+Heterosexuals	_
+increasingly	_
+back	_
+gay	_
+marriage	_
+
+By	_
+Deb	_
+Price	_
+/	_
+The	_
+Detroit	_
+News	_
+
+Deb	_
+Price	_
+
+When	_
+Baptist	_
+Pastor	_
+Stephen	_
+Jones	_
+talks	_
+about	_
+what	_
+makes	_
+for	_
+a	_
+happy	_
+marriage	_
+with	_
+Janice	_
+,	_
+his	_
+wife	_
+of	_
+35	_
+years	_
+,	_
+one	_
+special	_
+ingredient	_
+might	_
+surprise	_
+you	_
+:	_
+Double	_
+-	_
+dating	_
+with	_
+coupled	_
+friends	_
+who	_
+happen	_
+to	_
+be	_
+gay	_
+.	_
+
+*	_
+
+Twinkle	_
+Twinkle	_
+lazy	_
+star	_
+Kitna	_
+soyega	_
+uthja	_
+yaar	_
+,	_
+up	_
+above	_
+the	_
+world	_
+so	_
+high	_
+,	_
+sun	_
+has	_
+risen	_
+in	_
+the	_
+sky	_
+,	_
+uthke	_
+jaldi	_
+pee	_
+le	_
+chai	_
+,	_
+then	_
+call	_
+me	_
+up	_
+and	_
+say	_
+"	_
+HI	_
+"	_
+
+**	_
+
+Good	_
+Morning	_
+*	_
+*	_
+
+Have	_
+a	_
+Nice	_
+Day	_
+*	_
+**	_
+
+**	_
+
+--	_
+
+Thanks	_
+and	_
+Regard	_
+
+Rajendra	_
+
+rajendra.o...@gmail.com	_
+
+image_gif_part	_
+
+81	_
+K	_
+Download	_
+
+I	_
+just	_
+finish	_
+reading	_
+a	_
+really	_
+good	_
+book	_
+(	_
+it	_
+was	_
+actually	_
+a	_
+ebook	_
+)	_
+from	_
+some	_
+new	_
+series	_
+called	_
+the	_
+The	_
+Tale	_
+of	_
+Terra	_
+.	_
+
+The	_
+story	_
+had	_
+brillant	_
+battle	_
+scenes	_
+,	_
+lovable	_
+heroes	_
+and	_
+villians	_
+,	_
+a	_
+compelling	_
+story	_
+line	_
+,	_
+and	_
+it	_
+left	_
+me	_
+dying	_
+for	_
+the	_
+next	_
+part	_
+of	_
+the	_
+series	_
+:)	_
+go	_
+to	_
+taleofterra.com	_
+to	_
+learn	_
+more	_
+aboout	_
+it	_
+
+Email	_
+:	_
+Roving	_
+Mouse	_
+<	_
+s...@tack.net	_
+>	_
+
+Groups	_
+:	_
+alt.animals	_
+,	_
+alt.animals.cat	_
+,	_
+alt.animals.ethics.vegetarian	_
+,	_
+talk.politics.animals	_
+
+Followup	_
+-	_
+To	_
+:	_
+alt.animals	_
+
+You	_
+will	_
+always	_
+find	_
+fascinating	_
+links	_
+at	_
+:	_
+Extreme	_
+Web	_
+Surfs	_
+http://extremewebsurfs.blogspot.com/	_
+(	_
+nice	_
+urban	_
+wildlife	_
+post	_
+today	_
+)	_
+&	_
+Me	_
+and	_
+the	_
+Web	_
+http://maartenvt.blogspot.com/	_
+Arts	_
+,	_
+History	_
+,	_
+Animals	_
+,	_
+Music	_
+,	_
+Games	_
+,	_
+Politics	_
+,	_
+Technology	_
+,	_
+Fun	_
+and	_
+more	_
+!	_
+
+..	_
+
+Email	_
+:	_
+franz371...@gmail.com	_
+
+WE	_
+HAVE	_
+A	_
+DATE	_
+FOR	_
+THE	_
+RELEASE	_
+OF	_
+RAGNAROK	_
+ONLINE	_
+2	_
+(	_
+beta	_
+anyway	_
+)	_
+September	_
+16	_
+-	_
+18	_
+,	_
+this	_
+was	_
+announced	_
+by	_
+Gravity	_
+CEO	_
+Kim	_
+Jung	_
+-	_
+Ryool	_
+on	_
+either	_
+16th	_
+or	_
+17th	_
+of	_
+july	_
+and	_
+as	_
+i	_
+do	_
+n't	_
+want	_
+to	_
+take	_
+someone	_
+'s	_
+credit's	_
+i	_
+got	_
+it	_
+here	_
+^^	_
+GameSpot	_
+
+By	_
+the	_
+way	_
+we	_
+now	_
+have	_
+a	_
+"	_
+forum	_
+"	_
+in	_
+the	_
+post	_
+link	_
+
+Reply	_
+
+Email	_
+:	_
+"	_
+Ian	_
+"	_
+<	_
+ian.gilb...@btinternet.com	_
+>	_
+
+Groups	_
+:	_
+alt.animals.cat	_
+
+We	_
+have	_
+updated	_
+our	_
+site	_
+to	_
+include	_
+a	_
+LOST	_
+and	_
+FOUND	_
+page	_
+and	_
+you	_
+can	_
+now	_
+join	_
+our	_
+branch	_
+and	_
+make	_
+a	_
+secure	_
+on	_
+-	_
+line	_
+donation	_
+to	_
+the	_
+charity	_
+.	_
+
+Please	_
+do	_
+visit	_
+us	_
+and	_
+feel	_
+free	_
+to	_
+browse	_
+the	_
+site	_
+at	_
+www.southbhamcats.org.uk	_
+
+PS	_
+-	_
+we	_
+also	_
+have	_
+more	_
+cats	_
+coming	_
+in	_
+for	_
+re-homing	_
+see	_
+our	_
+'	_
+Homes	_
+Wanted	_
+'	_
+page	_
+
+Thanks	_
+for	_
+looking	_
+
+Ian	_
+-	_
+Webmaster	_
+www.southbhamcats.org.uk	_
+
+Key	_
+Delhi	_
+blast	_
+suspect	_
+arrested	_
+
+Police	_
+in	_
+the	_
+Indian	_
+capital	_
+Delhi	_
+say	_
+they	_
+have	_
+arrested	_
+the	_
+suspected	_
+co-ordinator	_
+and	_
+financier	_
+of	_
+last	_
+month	_
+'s	_
+deadly	_
+bomb	_
+blasts	_
+in	_
+the	_
+city	_
+.	_
+
+Delhi	_
+police	_
+chief	_
+K	_
+K	_
+Paul	_
+named	_
+the	_
+man	_
+as	_
+Tariq	_
+Ahmed	_
+Dar	_
+,	_
+and	_
+said	_
+police	_
+were	_
+hunting	_
+for	_
+four	_
+accomplices	_
+.	_
+
+He	_
+said	_
+Mr	_
+Dar	_
+,	_
+33	_
+,	_
+was	_
+arrested	_
+in	_
+Indian	_
+-	_
+administered	_
+Kashmir	_
+and	_
+belonged	_
+to	_
+the	_
+outlawed	_
+Lashkar	_
+-	_
+e	_
+-	_
+Toiba	_
+militant	_
+group	_
+.	_
+
+The	_
+India	_
+Diaries	_
+
+I	_
+like	_
+the	_
+way	_
+Otto	_
+Jespersen	_
+(	_
+in	_
+'	_
+Language	_
+:	_
+Its	_
+Nature	_
+,	_
+Development	_
+and	_
+Origin	_
+'	_
+)	_
+aptly	_
+summarised	_
+the	_
+nature	_
+of	_
+language	_
+changes	_
+by	_
+comparing	_
+it	_
+with	_
+one	_
+of	_
+the	_
+theories	_
+of	_
+the	_
+Manchester	_
+School	_
+of	_
+Economics	_
+:	_
+
+'	_
+Everything	_
+is	_
+for	_
+the	_
+best	_
+in	_
+the	_
+best	_
+of	_
+all	_
+possible	_
+worlds	_
+if	_
+only	_
+no	_
+artificial	_
+hindrances	_
+are	_
+put	_
+in	_
+the	_
+way	_
+of	_
+free	_
+exchange	_
+,	_
+for	_
+demand	_
+and	_
+supply	_
+will	_
+regulate	_
+everything	_
+better	_
+than	_
+any	_
+Government	_
+would	_
+be	_
+able	_
+to	_
+.	_
+'	_
+
+Portia	_
+
+This	_
+is	_
+a	_
+beautiful	_
+site	_
+and	_
+a	_
+wonderful	_
+idea	_
+.	_
+
+And	_
+a	_
+portion	_
+of	_
+each	_
+package	_
+or	_
+memorial	_
+purchased	_
+goes	_
+to	_
+a	_
+charity	_
+on	_
+their	_
+database	_
+.	_
+
+So	_
+be	_
+sure	_
+to	_
+get	_
+your	_
+pet	_
+'s	_
+memorial	_
+on	_
+the	_
+site	_
+and	_
+if	_
+you	_
+have	_
+a	_
+charity	_
+/	_
+rescue	_
+,	_
+make	_
+sure	_
+it	_
+is	_
+listed	_
+on	_
+their	_
+database	_
+so	_
+you	_
+can	_
+receive	_
+some	_
+of	_
+the	_
+profits	_
+from	_
+the	_
+site	_
+.	_
+
+Best	_
+,	_
+
+Cindy	_
+
+"	_
+...	_
+there	_
+is	_
+no	_
+companion	_
+quite	_
+so	_
+devoted	_
+,	_
+so	_
+communicative	_
+,	_
+so	_
+loving	_
+and	_
+so	_
+mesmerizing	_
+as	_
+a	_
+rat	_
+.	_
+"	_
+
+~	_
+CGoehring	_
+
+Email	_
+:	_
+Anthony	_
+Beavers	_
+<	_
+CognitiveScienceN...@gmail.com	_
+>	_
+
+Inhibitory	_
+Systems	_
+Control	_
+the	_
+Pattern	_
+of	_
+Activity	_
+in	_
+the	_
+Cortex	_
+
+"	_
+Inhibitory	_
+systems	_
+are	_
+essential	_
+for	_
+controlling	_
+the	_
+pattern	_
+of	_
+activity	_
+in	_
+the	_
+cortex	_
+,	_
+which	_
+has	_
+important	_
+implications	_
+for	_
+the	_
+mechanisms	_
+of	_
+cortical	_
+operation	_
+,	_
+according	_
+to	_
+a	_
+Yale	_
+School	_
+of	_
+Medicine	_
+study	_
+in	_
+Neuron	_
+....	_
+
+The	_
+findings	_
+demonstrate	_
+the	_
+inhibitory	_
+network	_
+is	_
+central	_
+to	_
+controlling	_
+not	_
+only	_
+the	_
+amplitude	_
+,	_
+extent	_
+and	_
+duration	_
+of	_
+activation	_
+of	_
+recurrent	_
+excitatory	_
+cortical	_
+networks	_
+,	_
+but	_
+also	_
+the	_
+precise	_
+timing	_
+of	_
+action	_
+potentials	_
+,	_
+and	_
+,	_
+thus	_
+,	_
+network	_
+synchronization	_
+...	_
+"	_
+
+--	_
+
+Posted	_
+by	_
+Anthony	_
+Beavers	_
+to	_
+Cognitive	_
+Science	_
+News	_
+at	_
+8/28/2005	_
+07:18:20	_
+AM	_
+
+Email	_
+:	_
+"	_
+engin	_
+i.	_
+erdem	_
+"	_
+<	_
+erdemen...@gmail.com	_
+>	_
+
+**	_
+
+*	_
+Worldwatch	_
+Projects	_
+Catastrophe	_
+Will	_
+Be	_
+Most	_
+Costly	_
+Weather	_
+-	_
+Related	_
+Disaster	_
+in	_
+History	_
+*	_
+
+*	_
+Washington	_
+,	_
+D.C.	_
+-	_
+*	_
+
+The	_
+overwhelming	_
+human	_
+and	_
+financial	_
+impacts	_
+of	_
+Hurricane	_
+Katrina	_
+are	_
+powerful	_
+evidence	_
+that	_
+political	_
+and	_
+economic	_
+decisions	_
+made	_
+in	_
+the	_
+United	_
+States	_
+and	_
+other	_
+countries	_
+have	_
+failed	_
+to	_
+account	_
+for	_
+our	_
+dependence	_
+on	_
+a	_
+healthy	_
+resource	_
+base	_
+,	_
+according	_
+to	_
+an	_
+assessment	_
+released	_
+today	_
+by	_
+the	_
+Worldwatch	_
+Institute	_
+.	_
+
+Alteration	_
+of	_
+the	_
+Mississippi	_
+River	_
+and	_
+the	_
+destruction	_
+of	_
+wetlands	_
+at	_
+its	_
+mouth	_
+have	_
+left	_
+the	_
+area	_
+around	_
+New	_
+Orleans	_
+abnormally	_
+vulnerable	_
+to	_
+the	_
+forces	_
+of	_
+nature	_
+.	_
+
+According	_
+to	_
+many	_
+scientists	_
+,	_
+the	_
+early	_
+results	_
+of	_
+global	_
+warming	_
+—	_
+90	_
+degree	_
+Fahrenheit	_
+water	_
+temperatures	_
+in	_
+the	_
+Gulf	_
+and	_
+rising	_
+sea	_
+levels	_
+—	_
+may	_
+have	_
+exacerbated	_
+the	_
+destructive	_
+power	_
+of	_
+Katrina	_
+.	_
+
+*	_
+...	_
+*	_
+
+http://reflectioncafe.blogspot.com/2005/09/unnatural-disasterthe-less...	_
+
+Email	_
+:	_
+n3td3v	_
+<	_
+xploita...@gmail.com	_
+>	_
+
+n3td3v	_
+saw	_
+this	_
+story	_
+on	_
+BBC	_
+News	_
+Online	_
+and	_
+thought	_
+you	_
+should	_
+see	_
+it	_
+.	_
+
+**	_
+Google	_
+defies	_
+US	_
+over	_
+search	_
+data	_
+**	_
+
+Web	_
+giant	_
+Google	_
+is	_
+resisting	_
+an	_
+attempt	_
+by	_
+the	_
+US	_
+to	_
+force	_
+it	_
+to	_
+reveal	_
+what	_
+users	_
+are	_
+searching	_
+for	_
+.	_
+
+<	_
+http://news.bbc.co.uk/go/em/fr/-/1/hi/technology/4630694.stm	_
+>	_
+
+**	_
+BBC	_
+Daily	_
+E-mail	_
+**	_
+
+Choose	_
+the	_
+news	_
+and	_
+sport	_
+headlines	_
+you	_
+want	_
+-	_
+when	_
+you	_
+want	_
+them	_
+,	_
+all	_
+in	_
+one	_
+daily	_
+e-mail	_
+
+<	_
+http://www.bbc.co.uk/dailyemail/	_
+>	_
+
+**	_
+Disclaimer	_
+**	_
+
+The	_
+BBC	_
+is	_
+not	_
+responsible	_
+for	_
+the	_
+content	_
+of	_
+this	_
+e-mail	_
+,	_
+and	_
+anything	_
+written	_
+in	_
+this	_
+e-mail	_
+does	_
+not	_
+necessarily	_
+reflect	_
+the	_
+BBC	_
+'s	_
+views	_
+or	_
+opinions	_
+.	_
+
+Please	_
+note	_
+that	_
+neither	_
+the	_
+e-mail	_
+address	_
+nor	_
+name	_
+of	_
+the	_
+sender	_
+have	_
+been	_
+verified	_
+.	_
+
+If	_
+you	_
+do	_
+not	_
+wish	_
+to	_
+receive	_
+such	_
+e-mails	_
+in	_
+the	_
+future	_
+or	_
+want	_
+to	_
+know	_
+more	_
+about	_
+the	_
+BBC	_
+'s	_
+Email	_
+a	_
+Friend	_
+service	_
+,	_
+please	_
+read	_
+our	_
+frequently	_
+asked	_
+questions	_
+.	_
+
+http://news.bbc.co.uk/1/hi/help/4162471.stm	_
+
+[	_
+http://www.reuters.co.uk/newsPackageArticle.jhtml?type=worldNews&storyID=624569&section=news	_
+]	_
+
+With	_
+protests	_
+going	_
+on	_
+in	_
+the	_
+Chilean	_
+capital	_
+of	_
+Santiago	_
+(	_
+from	_
+the	_
+economic	_
+summit	_
+)	_
+,	_
+President	_
+Bush	_
+visited	_
+Chinese	_
+President	_
+Hu	_
+Jintao	_
+and	_
+other	_
+key	_
+allies	_
+in	_
+Santiago	_
+.	_
+
+The	_
+talk	_
+of	_
+the	_
+day	_
+besides	_
+a	_
+more	_
+level	_
+playing	_
+field	_
+with	_
+China	_
+was	_
+North	_
+Korea	_
+.	_
+
+China	_
+has	_
+been	_
+a	_
+great	_
+help	_
+at	_
+getting	_
+North	_
+Korea	_
+to	_
+the	_
+table	_
+and	_
+Bush	_
+is	_
+hoping	_
+that	_
+with	_
+their	_
+cooperation	_
+Korea	_
+can	_
+become	_
+a	_
+nuclear	_
+free	_
+peninsula	_
+.	_
+
+REUTERS	_
+/	_
+Jason	_
+Reed	_
+
+U.S.	_
+President	_
+George	_
+W.	_
+Bush	_
+shakes	_
+hands	_
+with	_
+Chinese	_
+President	_
+Hu	_
+Jintao	_
+in	_
+a	_
+bilateral	_
+meeting	_
+in	_
+Santiago	_
+.	_
+
+Bush	_
+is	_
+in	_
+Santiago	_
+for	_
+the	_
+annual	_
+Asia	_
+-	_
+Pacific	_
+Economic	_
+Cooperation	_
+(	_
+APEC	_
+)	_
+leaders	_
+meeting	_
+.	_
+
+Hopefully	_
+President	_
+Bush	_
+can	_
+accomplish	_
+these	_
+goals	_
+which	_
+will	_
+not	_
+only	_
+help	_
+strengthen	_
+our	_
+Chinese	_
+allies	_
+,	_
+but	_
+will	_
+also	_
+help	_
+fight	_
+the	_
+war	_
+on	_
+terror	_
+.	_
+
+Selah	_
+!	_
+
+--	_
+
+Posted	_
+by	_
+Hidden	_
+Nook	_
+to	_
+Hidden	_
+Nook	_
+at	_
+11/20/2004	_
+03:10:35	_
+PM	_
+
+Email	_
+:	_
+BlackBayou	_
+<	_
+BlackBa...@excite.com	_
+>	_
+
+Groups	_
+:	_
+alt.animals.cat	_
+
+I	_
+started	_
+this	_
+page	_
+to	_
+help	_
+with	_
+my	_
+boredom	_
+.	_
+
+I	_
+have	_
+Chronic	_
+Lyme	_
+disease	_
+,	_
+so	_
+I	_
+'m	_
+stuck	_
+at	_
+home	_
+.	_
+
+I	_
+started	_
+collecting	_
+animations	_
+&	_
+jokes	_
+just	_
+to	_
+help	_
+with	_
+my	_
+boredom	_
+and	_
+depression	_
+.	_
+
+I	_
+enjoyed	_
+the	_
+animations	_
+and	_
+wanted	_
+to	_
+share	_
+them	_
+with	_
+my	_
+friends	_
+.	_
+
+So	_
+I	_
+started	_
+a	_
+small	_
+mailing	_
+list	_
+and	_
+added	_
+their	_
+addresses	_
+to	_
+it	_
+.	_
+
+Along	_
+with	_
+an	_
+area	_
+on	_
+the	_
+page	_
+for	_
+those	_
+to	_
+join	_
+the	_
+mailing	_
+list	_
+.	_
+
+I	_
+started	_
+with	_
+21	_
+email	_
+addresses	_
+.	_
+
+We	_
+now	_
+have	_
+over	_
+5000	_
+addresses	_
+.	_
+
+My	_
+wife	_
+and	_
+I	_
+would	_
+love	_
+for	_
+you	_
+to	_
+come	_
+and	_
+visit	_
+our	_
+page	_
+
+http://www.myshutter.com/flash.htm	_
+our	_
+collection	_
+of	_
+comedy	_
+
+http://www.myshutter.com	_
+Before	_
+becoming	_
+disabled	_
+,	_
+I	_
+was	_
+an	_
+AVID	_
+amateur	_
+photographer	_
+..	_
+come	_
+and	_
+visit	_
+and	_
+sign	_
+our	_
+guestbook	_
+
+-----=	_
+Posted	_
+via	_
+Newsfeeds.Com	_
+,	_
+Uncensored	_
+Usenet	_
+News	_
+=-----	_
+
+http://www.newsfeeds.com	_
+-	_
+The	_
+#	_
+1	_
+Newsgroup	_
+Service	_
+in	_
+the	_
+World	_
+!	_
+
+-----==	_
+Over	_
+100,000	_
+Newsgroups	_
+-	_
+19	_
+Different	_
+Servers	_
+!	_
+=-----	_
+
+Handcrafted	_
+Furry	_
+Animals	_
+Wholesale	_
+,	_
+Call	_
+for	_
+a	_
+Catalog	_
+NOW	_
+!	_
+
+732-657-3416	_
+
+has	_
+life	_
+like	_
+animal	_
+wholesale	_
+figurines	_
+made	_
+from	_
+rabbit	_
+and	_
+goat	_
+fur	_
+,	_
+feathers	_
+and	_
+sheep	_
+s	_
+wool	_
+.	_
+
+Dogs	_
+,	_
+cats	_
+,	_
+rabbits	_
+,	_
+wolves	_
+,	_
+moose	_
+,	_
+horses	_
+,	_
+you	_
+name	_
+it	_
+,	_
+we	_
+have	_
+it	_
+.	_
+
+People	_
+love	_
+to	_
+buy	_
+these	_
+cute	_
+cuddly	_
+little	_
+animals	_
+for	_
+gifts	_
+and	_
+collectables	_
+.	_
+
+They	_
+are	_
+very	_
+well	_
+made	_
+and	_
+realistic	_
+.	_
+
+Attention	_
+Retail	_
+Stores	_
+&	_
+Vendors	_
+:	_
+
+We	_
+are	_
+looking	_
+to	_
+expand	_
+our	_
+Wholesale	_
+Clients	_
+across	_
+the	_
+Nation	_
+.	_
+
+If	_
+you	_
+own	_
+a	_
+Retail	_
+Store	_
+or	_
+are	_
+a	_
+Professional	_
+Vendor	_
+who	_
+exhibits	_
+at	_
+Sport	_
+,	_
+Hunting	_
+,	_
+or	_
+Craft	_
+Shows	_
+and	_
+are	_
+interested	_
+in	_
+selling	_
+our	_
+products	_
+,	_
+please	_
+give	_
+us	_
+a	_
+call	_
+!	_
+
+732-657-3416	_
+
+We	_
+have	_
+a	_
+Full	_
+Color	_
+Catalog	_
+and	_
+Wholesale	_
+Price	_
+List	_
+ready	_
+to	_
+mail	_
+to	_
+you	_
+today	_
+!	_
+
+No	_
+minimum	_
+order	_
+amount	_
+.	_
+
+Any	_
+orders	_
+at	_
+or	_
+over	_
+$	_
+500.00	_
+an	_
+additional	_
+10	_
+%	_
+off	_
+the	_
+total	_
+order	_
+.	_
+
+We	_
+accecpt	_
+:	_
+Visa	_
+,	_
+MasterCard	_
+,	_
+Amex	_
+,	_
+Dinner	_
+s	_
+Club	_
+/	_
+Carte	_
+Blanche	_
+,	_
+&	_
+Personal	_
+Checks	_
+/	_
+Money	_
+Orders	_
+.	_
+
+Animals	_
+R	_
+Us.Net	_
+Bill	_
+Schmidt	_
+animalsr...@aol.com	_
+732-657-3416	_
+1027	_
+Jolson	_
+Court	_
+Manchester	_
+,	_
+N.J.	_
+08759	_
+
+Wei	_
+'s	_
+Magic	_
+Cubes	_
+
+Wei	_
+Ligang	_
+,	_
+a	_
+rising	_
+star	_
+of	_
+modern	_
+art	_
+in	_
+China	_
+,	_
+just	_
+had	_
+an	_
+exhibition	_
+in	_
+mid-July	_
+,	_
+2005	_
+in	_
+Hong	_
+Kong	_
+.	_
+
+He	_
+is	_
+now	_
+lecturing	_
+in	_
+USA	_
+.	_
+
+His	_
+art	_
+perfectly	_
+combines	_
+painting	_
+and	_
+Chinese	_
+calligraphy	_
+.	_
+
+He	_
+is	_
+regarded	_
+as	_
+one	_
+of	_
+the	_
+leading	_
+Avant	_
+-	_
+Garde	_
+artist	_
+of	_
+modern	_
+calligraphy	_
+.	_
+
+His	_
+artworks	_
+were	_
+selected	_
+and	_
+exhibited	_
+in	_
+British	_
+Museum	_
+in	_
+2002	_
+.	_
+
+"	_
+Wei	_
+has	_
+given	_
+some	_
+virtuoso	_
+performances	_
+with	_
+brush	_
+and	_
+ink	_
+,	_
+often	_
+incorporating	_
+several	_
+different	_
+techniques	_
+into	_
+a	_
+single	_
+work	_
+,	_
+"	_
+said	_
+Gordon	_
+S.	_
+Barrass	_
+,	_
+curator	_
+of	_
+the	_
+exhibition	_
+.	_
+
+In	_
+the	_
+world	_
+of	_
+"	_
+Wei	_
+'s	_
+magic	_
+cubes	_
+,	_
+"	_
+all	_
+seem	_
+to	_
+be	_
+ingeniously	_
+planned	_
+and	_
+tricky	_
+.	_
+
+All	_
+are	_
+mathematical	_
+,	_
+all	_
+are	_
+linguistic	_
+.	_
+
+In	_
+Wei	_
+'s	_
+art	_
+,	_
+a	_
+logician	_
+could	_
+see	_
+mathematical	_
+logic	_
+,	_
+a	_
+cellist	_
+could	_
+see	_
+a	_
+ripple	_
+of	_
+nine	_
+bass	_
+notes	_
+,	_
+a	_
+country	_
+girl	_
+could	_
+see	_
+straw	_
+,	_
+and	_
+Harry	_
+Potter	_
+could	_
+see	_
+two	_
+accompanied	_
+green	_
+blazes	_
+.	_
+
+"	_
+...	_
+to	_
+gaze	_
+at	_
+Wei	_
+'s	_
+art	_
+is	_
+like	_
+entering	_
+a	_
+floating	_
+world	_
+of	_
+dreams	_
+.	_
+"	_
+
+---	_
+The	_
+Art	_
+of	_
+Calligraphy	_
+in	_
+Modern	_
+China	_
+(	_
+British	_
+Museum	_
+Press	_
+,	_
+2002	_
+)	_
+
+[	_
+http://news.zdnet.co.uk/internet/0,39020369,39187928,00.htm	_
+]	_
+
+Photo	_
+from	_
+Technology	_
+News	_
+
+Wiki	_
+Media	_
+Foundation	_
+,	_
+the	_
+group	_
+behind	_
+the	_
+Wikipedia	_
+online	_
+encyclopedia	_
+project	_
+,	_
+said	_
+Friday	_
+that	_
+search	_
+giant	_
+Google	_
+has	_
+volunteered	_
+to	_
+host	_
+some	_
+of	_
+its	_
+content	_
+on	_
+company	_
+servers	_
+.	_
+
+(	_
+ZD	_
+Net	_
+)	_
+
+It	_
+looks	_
+like	_
+the	_
+war	_
+between	_
+Microsoft	_
+and	_
+Google	_
+is	_
+quickly	_
+brewing	_
+on	_
+the	_
+horizon	_
+.	_
+
+Microsoft	_
+is	_
+4	_
+-	_
+0	_
+(	_
+they	_
+took	_
+down	_
+Netscape	_
+,	_
+Suns	_
+Systems	_
+,	_
+MAC	_
+and	_
+IBM	_
+)	_
+and	_
+Google	_
+may	_
+be	_
+their	_
+next	_
+target	_
+.	_
+
+Google	_
+is	_
+probably	_
+making	_
+this	_
+move	_
+to	_
+counter	_
+Microsoft	_
+Search	_
+using	_
+Encarta	_
+(	_
+it's	_
+online	_
+dictionary	_
+)	_
+.	_
+
+More	_
+below	_
+.	_
+
+But	_
+it	_
+looks	_
+like	_
+Google	_
+is	_
+n't	_
+opening	_
+it's	_
+mouth	_
+about	_
+the	_
+reason	_
+behind	_
+the	_
+offer	_
+as	_
+Linux	_
+News	_
+reports	_
+:	_
+
+"	_
+While	_
+we	_
+do	_
+n't	_
+have	_
+anything	_
+specific	_
+to	_
+announce	_
+today	_
+,	_
+Google	_
+and	_
+the	_
+Wikimedia	_
+Foundation	_
+are	_
+collaboratively	_
+evaluating	_
+creative	_
+ways	_
+to	_
+support	_
+Wikipedia.org	_
+and	_
+its	_
+community	_
+.	_
+"	_
+
+Sure	_
+Google	_
+,	_
+although	_
+this	_
+would	_
+put	_
+it	_
+on	_
+coarse	_
+for	_
+global	_
+domination	_
+of	_
+the	_
+internet	_
+by	_
+2014	_
+.	_
+
+It	_
+will	_
+be	_
+interesting	_
+to	_
+see	_
+whether	_
+or	_
+not	_
+Google	_
+will	_
+finally	_
+slay	_
+the	_
+Microsoft	_
+Goliath	_
+,	_
+who	_
+has	_
+known	_
+no	_
+major	_
+defeat	_
+and	_
+seeks	_
+to	_
+vanquish	_
+all	_
+competition	_
+.	_
+
+Selah	_
+!	_
+
+--	_
+
+Posted	_
+by	_
+Hidden	_
+Nook	_
+to	_
+Hidden	_
+Nook	_
+at	_
+2/14/2005	_
+07:03:00	_
+PM	_
+
+Email	_
+:	_
+"	_
+Ruth	_
+"	_
+<	_
+ruth.penyc...@bbc.co.uk	_
+>	_
+
+Hello	_
+there	_
+
+Action	_
+Network	_
+is	_
+a	_
+BBC	_
+website	_
+for	_
+people	_
+who	_
+are	_
+taking	_
+action	_
+on	_
+issues	_
+that	_
+concern	_
+them	_
+.	_
+
+I	_
+'m	_
+getting	_
+in	_
+touch	_
+because	_
+I	_
+think	_
+it	_
+could	_
+be	_
+useful	_
+to	_
+people	_
+campaigning	_
+about	_
+hospital	_
+closures	_
+.	_
+
+We	_
+'ve	_
+got	_
+a	_
+page	_
+dedicated	_
+to	_
+issues	_
+around	_
+hospitals	_
+(	_
+http://www.bbc.co.uk/dna/actionnetwork/C55153	_
+)	_
+and	_
+a	_
+group	_
+called	_
+NHS	_
+SOS	_
+have	_
+already	_
+put	_
+up	_
+a	_
+campaign	_
+about	_
+ward	_
+closures	_
+in	_
+Cumbria	_
+.	_
+
+I	_
+'m	_
+hoping	_
+to	_
+build	_
+this	_
+up	_
+to	_
+be	_
+a	_
+hub	_
+for	_
+all	_
+the	_
+campaigners	_
+-	_
+a	_
+place	_
+where	_
+people	_
+can	_
+exchange	_
+ideas	_
+and	_
+advice	_
+.	_
+
+It	_
+would	_
+be	_
+great	_
+if	_
+the	_
+person	_
+from	_
+CHANT	_
+who	_
+started	_
+this	_
+page	_
+would	_
+put	_
+up	_
+a	_
+short	_
+description	_
+of	_
+the	_
+campaign	_
+and	_
+a	_
+list	_
+to	_
+this	_
+group	_
+page	_
+on	_
+the	_
+Action	_
+Network	_
+site	_
+.	_
+
+Action	_
+Network	_
+is	_
+also	_
+a	_
+good	_
+place	_
+to	_
+post	_
+details	_
+of	_
+events	_
+,	_
+or	_
+try	_
+to	_
+rally	_
+together	_
+a	_
+group	_
+if	_
+you	_
+want	_
+to	_
+take	_
+action	_
+in	_
+your	_
+area	_
+.	_
+
+You	_
+can	_
+attach	_
+anything	_
+you	_
+write	_
+to	_
+pages	_
+for	_
+your	_
+local	_
+area	_
+,	_
+as	_
+well	_
+as	_
+to	_
+the	_
+'	_
+issue	_
+'	_
+pages	_
+.	_
+
+I	_
+'m	_
+more	_
+than	_
+happy	_
+to	_
+help	_
+people	_
+with	_
+the	_
+site	_
+or	_
+answer	_
+any	_
+questions	_
+about	_
+Action	_
+Network	_
+-	_
+just	_
+drop	_
+me	_
+a	_
+message	_
+.	_
+
+Otherwise	_
+,	_
+hope	_
+to	_
+see	_
+you	_
+there	_
+!	_
+
+Kind	_
+regards	_
+
+Ruth	_
+Penycate	_
+www.bbc.co.uk/actionnetwork	_
+
+Winston	_
+Peters	_
+is	_
+visiting	_
+a	_
+school	_
+.	_
+
+In	_
+one	_
+class	_
+,	_
+he	_
+asks	_
+the	_
+students	_
+if	_
+anyone	_
+can	_
+give	_
+him	_
+an	_
+example	_
+of	_
+a	_
+"	_
+tragedy	_
+"	_
+.	_
+
+One	_
+little	_
+boy	_
+stands	_
+up	_
+and	_
+offers	_
+that	_
+,	_
+"	_
+if	_
+my	_
+best	_
+friend	_
+who	_
+lives	_
+next	_
+door	_
+was	_
+playing	_
+in	_
+the	_
+street	_
+when	_
+a	_
+car	_
+came	_
+along	_
+and	_
+killed	_
+him	_
+,	_
+that	_
+would	_
+be	_
+a	_
+tragedy	_
+"	_
+.	_
+
+"	_
+No	_
+,	_
+"	_
+Winston	_
+says	_
+,	_
+"	_
+That	_
+would	_
+be	_
+an	_
+ACCIDENT	_
+.	_
+"	_
+
+A	_
+girl	_
+raises	_
+her	_
+hand	_
+.	_
+
+"	_
+If	_
+a	_
+school	_
+bus	_
+carrying	_
+fifty	_
+children	_
+drove	_
+off	_
+a	_
+cliff	_
+,	_
+killing	_
+everyone	_
+involved	_
+...	_
+that	_
+would	_
+be	_
+a	_
+tragedy	_
+"	_
+.	_
+
+"	_
+I	_
+'m	_
+afraid	_
+not	_
+,	_
+"	_
+explains	_
+Winston	_
+,	_
+"	_
+that	_
+is	_
+what	_
+we	_
+would	_
+call	_
+a	_
+GREAT	_
+LOSS	_
+.	_
+"	_
+
+The	_
+room	_
+is	_
+silent	_
+,	_
+none	_
+of	_
+the	_
+other	_
+children	_
+volunteer	_
+.	_
+
+"	_
+What	_
+?	_
+"	_
+asks	_
+Winston	_
+,	_
+"	_
+is	_
+n't	_
+there	_
+any	_
+one	_
+here	_
+who	_
+can	_
+give	_
+me	_
+an	_
+example	_
+of	_
+a	_
+tragedy	_
+?	_
+"	_
+
+Finally	_
+,	_
+a	_
+boy	_
+in	_
+the	_
+back	_
+raises	_
+his	_
+hand	_
+.	_
+
+In	_
+a	_
+timid	_
+voice	_
+,	_
+he	_
+says	_
+:	_
+"	_
+If	_
+an	_
+airplane	_
+carrying	_
+Winston	_
+Peters	_
+was	_
+blown	_
+up	_
+by	_
+a	_
+bomb	_
+,	_
+THAT	_
+would	_
+be	_
+a	_
+tragedy	_
+"	_
+.	_
+
+"	_
+Wonderful	_
+!	_
+"	_
+Winston	_
+beams	_
+.	_
+
+"	_
+Marvelous	_
+!	_
+
+And	_
+can	_
+you	_
+tell	_
+me	_
+WHY	_
+that	_
+would	_
+be	_
+a	_
+tragedy	_
+?	_
+"	_
+
+"	_
+Well	_
+,	_
+"	_
+says	_
+the	_
+boy	_
+,	_
+"	_
+because	_
+it	_
+would	_
+n't	_
+be	_
+an	_
+accident	_
+,	_
+and	_
+it	_
+certainly	_
+would	_
+n't	_
+be	_
+a	_
+great	_
+loss	_
+!	_
+"	_
+
+[	_
+http://www.space.com/astronotes/astronotes.html	_
+]	_
+
+Photo	_
+from	_
+Space.com	_
+
+(	_
+Space.com	_
+)	_
+
+It	_
+looks	_
+like	_
+The	_
+Lunar	_
+Transportation	_
+Systems	_
+,	_
+Inc.	_
+is	_
+visualizing	_
+a	_
+"	_
+space	_
+highway	_
+"	_
+going	_
+from	_
+the	_
+moon	_
+to	_
+Earth	_
+(	_
+and	_
+back	_
+again	_
+)	_
+.	_
+
+"	_
+Our	_
+new	_
+lunar	_
+transportation	_
+system	_
+utilizes	_
+a	_
+unique	_
+architecture	_
+that	_
+will	_
+establish	_
+the	_
+equivalent	_
+of	_
+a	_
+two	_
+-	_
+way	_
+highway	_
+between	_
+the	_
+Earth	_
+and	_
+the	_
+Moon	_
+,	_
+"	_
+Kistler	_
+told	_
+SPACE.com	_
+.	_
+
+"	_
+Our	_
+plans	_
+include	_
+raising	_
+private	_
+capital	_
+to	_
+develop	_
+,	_
+build	_
+,	_
+flight	_
+test	_
+,	_
+and	_
+operate	_
+this	_
+Earth	_
+-	_
+Moon	_
+highway	_
+for	_
+the	_
+benefit	_
+of	_
+the	_
+country	_
+and	_
+the	_
+benefit	_
+of	_
+our	_
+investors	_
+.	_
+"	_
+
+Wise	_
+decision	_
+to	_
+go	_
+through	_
+the	_
+private	_
+sector	_
+--	_
+NASA	_
+'s	_
+budget	_
+may	_
+be	_
+kinda	_
+tight	_
+to	_
+fund	_
+a	_
+project	_
+like	_
+this	_
+.	_
+
+This	_
+group	_
+does	_
+sound	_
+pretty	_
+interesting	_
+though	_
+.	_
+
+The	_
+Lunar	_
+Transporatation	_
+Systems	_
+(	_
+LTS	_
+)	_
+is	_
+actually	_
+being	_
+funded	_
+by	_
+two	_
+space	_
+businessmen	_
+,	_
+Walter	_
+Kistler	_
+and	_
+Bob	_
+Citron	_
+.	_
+
+Both	_
+of	_
+these	_
+men	_
+are	_
+heavily	_
+involved	_
+in	_
+the	_
+private	_
+sector	_
+of	_
+the	_
+space	_
+industry	_
+,	_
+and	_
+both	_
+are	_
+also	_
+involved	_
+with	_
+another	_
+space	_
+company	_
+called	_
+SPACEHAB	_
+.	_
+
+They	_
+want	_
+to	_
+use	_
+LTS	_
+to	_
+tie	_
+into	_
+NASA	_
+'s	_
+vision	_
+for	_
+Space	_
+Exploration	_
+,	_
+and	_
+seem	_
+pleased	_
+that	_
+the	_
+White	_
+House	_
+is	_
+moving	_
+in	_
+that	_
+direction	_
+.	_
+
+"	_
+We	_
+are	_
+so	_
+excited	_
+that	_
+the	_
+White	_
+House	_
+and	_
+the	_
+recent	_
+new	_
+government	_
+space	_
+policy	_
+underscores	_
+the	_
+need	_
+to	_
+involve	_
+the	_
+private	_
+sector	_
+in	_
+assisting	_
+NASA	_
+develop	_
+its	_
+plans	_
+for	_
+the	_
+new	_
+Vision	_
+for	_
+Space	_
+Exploration	_
+,	_
+"	_
+said	_
+Walter	_
+Kistler	_
+,	_
+LTS	_
+co-founder	_
+and	_
+Chairman	_
+.	_
+
+With	_
+their	_
+proposal	_
+of	_
+a	_
+"	_
+Earth	_
+-	_
+Moon	_
+"	_
+highway	_
+,	_
+it	_
+looks	_
+like	_
+space	_
+tourism	_
+may	_
+become	_
+a	_
+reality	_
+sooner	_
+than	_
+we	_
+think	_
+.	_
+
+Selah	_
+!	_
+
+--	_
+
+Posted	_
+by	_
+Hidden	_
+Nook	_
+to	_
+Hidden	_
+Nook	_
+at	_
+2/15/2005	_
+05:12:00	_
+PM	_
+
+[	_
+http://www.space.com/missionlaunches/ft_050829_ksc_spacefuture.html	_
+]	_
+
+(	_
+Space.com	_
+)	_
+
+U.S.	_
+astronauts	_
+will	_
+launch	_
+to	_
+the	_
+moon	_
+on	_
+sleek	_
+,	_
+single	_
+,	_
+shuttle	_
+booster	_
+rockets	_
+and	_
+the	_
+first	_
+new	_
+upper	_
+-	_
+stage	_
+rocket	_
+this	_
+country	_
+has	_
+developed	_
+in	_
+more	_
+than	_
+a	_
+decade	_
+,	_
+NASA	_
+and	_
+the	_
+Pentagon	_
+have	_
+told	_
+the	_
+White	_
+House	_
+.	_
+
+Lunar	_
+landers	_
+and	_
+other	_
+gear	_
+needed	_
+for	_
+extended	_
+visits	_
+to	_
+the	_
+moon	_
+will	_
+be	_
+lofted	_
+by	_
+gargantuan	_
+launchers	_
+as	_
+big	_
+as	_
+the	_
+Apollo	_
+-	_
+era	_
+Saturn	_
+5	_
+,	_
+the	_
+most	_
+powerful	_
+rockets	_
+ever	_
+flown	_
+.	_
+
+It	_
+looks	_
+as	_
+if	_
+NASA	_
+is	_
+transitioning	_
+away	_
+from	_
+the	_
+shuttle	_
+model	_
+,	_
+as	_
+in	_
+the	_
+past	_
+they	_
+have	_
+proven	_
+to	_
+be	_
+quite	_
+dangerous	_
+as	_
+Columbia	_
+has	_
+recently	_
+proved	_
+.	_
+
+Although	_
+these	_
+new	_
+rockets	_
+are	_
+probably	_
+more	_
+expensive	_
+,	_
+they	_
+will	_
+be	_
+able	_
+to	_
+go	_
+at	_
+a	_
+much	_
+greater	_
+range	_
+than	_
+it's	_
+shuttle	_
+cousins	_
+,	_
+as	_
+they	_
+can	_
+not	_
+only	_
+break	_
+free	_
+from	_
+the	_
+atmosphere	_
+but	_
+reach	_
+the	_
+moon	_
+as	_
+well	_
+.	_
+
+"	_
+NASA	_
+will	_
+initiate	_
+development	_
+of	_
+a	_
+Crew	_
+Launch	_
+Vehicle	_
+derived	_
+from	_
+space	_
+shuttle	_
+solid	_
+rocket	_
+boosters	_
+with	_
+a	_
+new	_
+upper	_
+stage	_
+for	_
+human	_
+spaceflight	_
+,	_
+"	_
+said	_
+the	_
+letter	_
+,	_
+signed	_
+by	_
+NASA	_
+Administrator	_
+Mike	_
+Griffin	_
+and	_
+the	_
+Pentagon	_
+'s	_
+top	_
+space	_
+official	_
+,	_
+ex-astronaut	_
+Ron	_
+Sega	_
+...	_
+
+"	_
+NASA	_
+then	_
+plans	_
+to	_
+develop	_
+a	_
+new	_
+100	_
+-	_
+metric	_
+-	_
+ton	_
+-	_
+class	_
+launch	_
+vehicle	_
+derived	_
+from	_
+existing	_
+capabilities	_
+with	_
+the	_
+space	_
+shuttle	_
+external	_
+tanks	_
+and	_
+solid	_
+rocket	_
+boosters	_
+for	_
+future	_
+missions	_
+to	_
+the	_
+moon	_
+,	_
+"	_
+the	_
+letter	_
+said	_
+.	_
+
+NASA	_
+is	_
+planning	_
+on	_
+using	_
+these	_
+new	_
+shuttles	_
+to	_
+replace	_
+the	_
+current	_
+models	_
+,	_
+with	_
+industry	_
+forecasters	_
+predicting	_
+a	_
+launch	_
+as	_
+early	_
+as	_
+2014	_
+.	_
+
+The	_
+new	_
+rocket	_
+design	_
+will	_
+differ	_
+slightly	_
+from	_
+it's	_
+predecessors	_
+,	_
+in	_
+the	_
+fact	_
+that	_
+the	_
+crew	_
+and	_
+cargo	_
+would	_
+launch	_
+separately	_
+from	_
+two	_
+different	_
+rockets	_
+each	_
+and	_
+join	_
+up	_
+in	_
+space	_
+later	_
+on	_
+.	_
+
+Launching	_
+this	_
+way	_
+will	_
+hopefully	_
+avoid	_
+future	_
+disasters	_
+,	_
+giving	_
+more	_
+support	_
+towards	_
+NASA	_
+revisiting	_
+the	_
+stars	_
+.	_
+
+--	_
+
+Posted	_
+by	_
+Hidden	_
+Nook	_
+to	_
+Hidden	_
+Nook	_
+at	_
+8/30/2005	_
+09:36:00	_
+PM	_
+
+George	_
+and	_
+Lynne	_
+
+image001.jpg	_
+
+51	_
+K	_
+Download	_
+
+Funny	_
+stuff	_
+
+lifted	_
+from	_
+another	_
+list	_
+
+Amy	_
+:-)	_
+
+------	_
+
+We	_
+could	_
+certainly	_
+slow	_
+the	_
+aging	_
+process	_
+down	_
+if	_
+it	_
+had	_
+to	_
+work	_
+its	_
+way	_
+through	_
+Congress	_
+.	_
+
+-	_
+Will	_
+Rogers	_
+
+I	_
+had	_
+a	_
+rose	_
+named	_
+after	_
+me	_
+and	_
+I	_
+was	_
+very	_
+flattered	_
+.	_
+
+But	_
+I	_
+was	_
+not	_
+pleased	_
+to	_
+read	_
+the	_
+description	_
+in	_
+the	_
+catalog	_
+:	_
+"	_
+No	_
+good	_
+in	_
+a	_
+bed	_
+,	_
+but	_
+fine	_
+against	_
+a	_
+wall	_
+.	_
+"	_
+
+-	_
+Eleanor	_
+Roosevelt	_
+
+------	_
+
+Santa	_
+Claus	_
+has	_
+the	_
+right	_
+idea	_
+.	_
+
+Visit	_
+people	_
+only	_
+once	_
+a	_
+year	_
+.	_
+
+-	_
+Victor	_
+Borge	_
+
+------	_
+
+"	_
+By	_
+all	_
+means	_
+,	_
+marry	_
+.	_
+
+If	_
+you	_
+get	_
+a	_
+good	_
+wife	_
+,	_
+you	_
+'ll	_
+become	_
+happy	_
+;	_
+if	_
+you	_
+get	_
+a	_
+bad	_
+one	_
+,	_
+you	_
+'ll	_
+become	_
+a	_
+philosopher	_
+.	_
+
+-	_
+Socrates	_
+
+------	_
+
+I	_
+was	_
+married	_
+by	_
+a	_
+judge	_
+.	_
+
+I	_
+should	_
+have	_
+asked	_
+for	_
+a	_
+jury	_
+.	_
+
+-	_
+Groucho	_
+Marx	_
+
+------	_
+
+My	_
+wife	_
+has	_
+a	_
+slight	_
+impediment	_
+in	_
+her	_
+speech	_
+.	_
+
+Every	_
+now	_
+and	_
+then	_
+she	_
+stops	_
+to	_
+breathe	_
+.	_
+
+-	_
+Jimmy	_
+Durante	_
+
+------	_
+
+I	_
+have	_
+never	_
+hated	_
+a	_
+man	_
+enough	_
+to	_
+give	_
+his	_
+diamonds	_
+back	_
+.	_
+
+-	_
+Zsa	_
+Zsa	_
+Gabor	_
+
+------	_
+
+Only	_
+Irish	_
+coffee	_
+provides	_
+in	_
+a	_
+single	_
+glass	_
+all	_
+four	_
+essential	_
+food	_
+groups	_
+:	_
+alcohol	_
+,	_
+caffeine	_
+,	_
+sugar	_
+and	_
+fat	_
+.	_
+
+-	_
+Alex	_
+Levine	_
+
+------	_
+
+Money	_
+ca	_
+n't	_
+buy	_
+you	_
+happiness	_
+...	_
+but	_
+it	_
+does	_
+bring	_
+you	_
+a	_
+more	_
+pleasant	_
+form	_
+of	_
+misery	_
+.	_
+
+-	_
+Spike	_
+Milligan	_
+
+------	_
+
+Until	_
+I	_
+was	_
+thirteen	_
+,	_
+I	_
+thought	_
+my	_
+name	_
+was	_
+shut	_
+up	_
+.	_
+
+-	_
+Joe	_
+Namath	_
+
+------	_
+
+Youth	_
+would	_
+be	_
+an	_
+ideal	_
+state	_
+if	_
+it	_
+came	_
+a	_
+little	_
+later	_
+in	_
+life	_
+.	_
+
+-	_
+Herbert	_
+Henry	_
+Asquith	_
+
+------	_
+
+I	_
+do	_
+n't	_
+feel	_
+old	_
+.	_
+
+I	_
+do	_
+n't	_
+feel	_
+anything	_
+until	_
+noon	_
+.	_
+
+Then	_
+it	_
+'s	_
+time	_
+for	_
+my	_
+nap	_
+.	_
+
+-	_
+Bob	_
+Hope	_
+
+------	_
+
+Do	_
+n't	_
+worry	_
+about	_
+avoiding	_
+temptation	_
+...	_
+as	_
+you	_
+grow	_
+older	_
+,	_
+it	_
+will	_
+avoid	_
+you	_
+.	_
+
+-	_
+Winston	_
+Churchill	_
+
+------	_
+
+Maybe	_
+it	_
+'s	_
+true	_
+that	_
+life	_
+begins	_
+at	_
+fifty	_
+...	_
+but	_
+everything	_
+else	_
+starts	_
+to	_
+wear	_
+out	_
+,	_
+fall	_
+out	_
+,	_
+or	_
+spread	_
+out	_
+.	_
+
+-	_
+Phyllis	_
+Diller	_
+
+------	_
+
+By	_
+the	_
+time	_
+a	_
+man	_
+is	_
+wise	_
+enough	_
+to	_
+watch	_
+his	_
+step	_
+,	_
+he	_
+'s	_
+too	_
+old	_
+to	_
+go	_
+anywhere	_
+.	_
+
+-	_
+Billy	_
+Crystal	_
+
+__________________________________________________	_
+
+Do	_
+You	_
+Yahoo!	_
+?	_
+
+Tired	_
+of	_
+spam	_
+?	_
+
+Yahoo!	_
+Mail	_
+has	_
+the	_
+best	_
+spam	_
+protection	_
+around	_
+
+image_jpg_part	_
+
+52	_
+K	_
+Download	_
+
+What	_
+language	_
+is	_
+talked	_
+in	_
+Iguazu	_
+?	_
+
+portuguese	_
+
+spanish	_
+
+Green	_
+Tea	_
+Or	_
+White	_
+Tea	_
+?	_
+
+Green	_
+
+Green	_
+Tea	_
+.	_
+
+Green	_
+tea	_
+
+What	_
+is	_
+this	_
+Miramar	_
+?	_
+
+It	_
+is	_
+a	_
+place	_
+in	_
+Argentina	_
+lol	_
+
+Does	_
+anyone	_
+know	_
+any	_
+good	_
+restaurants	_
+in	_
+cordoba	_
+?	_
+
+Not	_
+me	_
+sorry	_
+.	_
+
+Does	_
+anyone	_
+know	_
+of	_
+any	_
+good	_
+food	_
+in	_
+iguazu	_
+?	_
+
+Not	_
+me	_
+sorry	_
+.	_
+
+Which	_
+wonderful	_
+contact	_
+of	_
+mine	_
+is	_
+thumbs	_
+upping	_
+all	_
+my	_
+best	_
+answers	_
+^^	_
+?	_
+
+=)	_
+
+What	_
+are	_
+some	_
+Major	_
+land	_
+forms	_
+in	_
+Ireland	_
+?	_
+
+Mountains	_
+,	_
+cliffs	_
+,	_
+peat	_
+bogs	_
+,	_
+valleys	_
+
+Do	_
+you	_
+know	_
+the	_
+online	_
+streaming	_
+link	_
+for	_
+Red	_
+FM	_
+93.5	_
+delhi	_
+?	_
+
+any	_
+format	_
+url	_
+?	_
+
+Î¥es	_
+.	_
+
+how	_
+fare	_
+of	_
+kolkatta	_
+?	_
+
+kolkatta	_
+is	_
+an	_
+Indian	_
+State	_
+.	_
+
+lol	_
+...	_
+Kolkata	_
+is	_
+not	_
+for	_
+sale	_
+!!!!!!	_
+
+roflmao	_
+
+Which	_
+do	_
+you	_
+prefer	_
+Crab	_
+or	_
+Shrimp	_
+?	_
+
+I	_
+like	_
+shrimp	_
+,	_
+fried	_
+,	_
+grilled	_
+,	_
+or	_
+steamed	_
+.	_
+
+crab	_
+
+shrimp	_
+
+how	_
+much	_
+does	_
+it	_
+cost	_
+to	_
+join	_
+world	_
+resorts	_
+international	_
+?	_
+
+could	_
+not	_
+find	_
+any	_
+info	_
+online	_
+
+email	_
+them	_
+at	_
+address	_
+below	_
+
+E-mail	_
+:	_
+memberservices@worldresortsinternational.com	_
+
+m	_
+
+Who	_
+is	_
+artist	_
+Gunther	_
+Uecker	_
+;	_
+explain	_
+?	_
+
+http://www.kettererkunst.com/bio/GuntherUecker-1930.shtml	_
+
+His	_
+work	_
+
+http://www.google.com/search?hl=en&rlz=1G1GGLQ_ENUS359&q=gunther+uecker+biography&gs_sm=c&gs_upl=484l484l0l5093l1l1l0l0l0l0l328l328l3-1l1l0&um=1&ie=UTF-8&tbm=isch&source=og&sa=N&tab=wi&biw=1221&bih=756&sei=XVG5TqrrGoXK2AXG0ry-Bw#um=1&hl=en&rlz=1G1GGLQ_ENUS359&tbm=isch&sa=1&q=gunther+uecker+artist&pbx=1&oq=gunther+uecker+&aq=1S&aqi=g1g-S3&aql=&gs_sm=c&gs_upl=10219l10219l0l13797l1l1l0l0l0l0l125l125l0.1l1l0&bav=on.2,or.r_gc.r_pw.,cf.osb&fp=13ddcdc64cbf5fd&biw=1221&bih=756	_
+
+How	_
+much	_
+does	_
+it	_
+cost	_
+to	_
+buy	_
+a	_
+Big	_
+Mac	_
+meal	_
+in	_
+your	_
+area	_
+?	_
+
+Here	_
+in	_
+Indiana	_
+I	_
+think	_
+it	_
+'s	_
+like	_
+$	_
+3	_
+or	_
+$	_
+4	_
+for	_
+a	_
+meal	_
+.	_
+
+in	_
+n	_
+out	_
+of	_
+the	_
+chicago	_
+area	_
+?	_
+
+which	_
+burger	_
+chain	_
+do	_
+you	_
+think	_
+is	_
+as	_
+good	_
+as	_
+in	_
+n	_
+out	_
+or	_
+better	_
+in	_
+the	_
+chicago	_
+area	_
+besides	_
+five	_
+guys	_
+and	_
+smashburger	_
+?	_
+
+Where	_
+to	_
+buy	_
+bodybuilding	_
+supplements	_
+in	_
+Delhi	_
+?	_
+
+Any	_
+particular	_
+shop	_
+that	_
+you	_
+know	_
+of	_
+AND	_
+their	_
+number	_
+.	_
+
+Atal	_
+Pharmacy	_
+,	_
+Karol	_
+Bag	_
+.	_
+
+kindly	_
+contact	_
+laxmi	_
+nagar	_
+zim	_
+in	_
+delhi	_
+..	_
+
+Do	_
+you	_
+think	_
+there	_
+are	_
+any	_
+koreans	_
+in	_
+Miramar	_
+?	_
+
+Heck	_
+there	_
+must	_
+be	_
+at	_
+least	_
+1	_
+korean	_
+.	_
+
+No	_
+,	_
+but	_
+I	_
+do	_
+believe	_
+some	_
+Koreans	_
+reside	_
+in	_
+the	_
+country	_
+of	_
+HA	_
+-	_
+ha	_
+!	_
+
+Can	_
+you	_
+use	_
+the	_
+'	_
+find	_
+my	_
+phone	_
+'	_
+feature	_
+to	_
+track	_
+someone	_
+else	_
+'s	_
+phone	_
+?	_
+
+You	_
+'d	_
+need	_
+their	_
+Apple	_
+ID	_
+and	_
+password	_
+,	_
+if	_
+you	_
+had	_
+that	_
+then	_
+yes	_
+you	_
+can	_
+track	_
+any	_
+iPhone	_
+.	_
+
+Besides	_
+eating	_
+good	_
+foods	_
+,	_
+what	_
+else	_
+do	_
+people	_
+do	_
+in	_
+Miramar	_
+?	_
+
+Well	_
+,	_
+they	_
+have	_
+a	_
+variety	_
+of	_
+sports	_
+that	_
+they	_
+play	_
+like	_
+basketball	_
+,	_
+soccer	_
+,	_
+etc	_
+.	_
+
+Well	_
+they	_
+play	_
+the	_
+Wii	_
+like	_
+me	_
+:)	_
+
+Is	_
+Hank	_
+Green	_
+Awesome	_
+?	_
+
+The	_
+Hank	_
+Green	_
+I	_
+know	_
+is	_
+hardly	_
+awesome	_
+.	_
+
+He	_
+needs	_
+a	_
+shower	_
+,	_
+and	_
+he	_
+picks	_
+his	_
+nose	_
+all	_
+the	_
+time	_
+.	_
+
+He	_
+is	_
+at	_
+his	_
+best	_
+when	_
+he	_
+is	_
+doing	_
+his	_
+Nerd	_
+impression	_
+...	_
+
+weather	_
+in	_
+december	_
+in	_
+Tremblant	_
+?	_
+
+Typically	_
+it	_
+'s	_
+cold	_
+.	_
+
+There	_
+may	_
+or	_
+may	_
+not	_
+be	_
+snow	_
+,	_
+depending	_
+on	_
+local	_
+weather	_
+conditions	_
+.	_
+
+In	_
+the	_
+ski	_
+resort	_
+areas	_
+,	_
+there	_
+will	_
+likely	_
+be	_
+man	_
+-	_
+made	_
+snow	_
+on	_
+the	_
+slopes	_
+.	_
+
+jay	_
+is	_
+it	_
+necessary	_
+to	_
+varnish	_
+my	_
+oil	_
+paintings	_
+or	_
+just	_
+leave	_
+them	_
+be	_
+?	_
+
+thx	_
+for	_
+your	_
+ans	_
+.?	_
+
+As	_
+in	_
+the	_
+old	_
+days	_
+,	_
+varnish	_
+is	_
+often	_
+used	_
+as	_
+a	_
+protective	_
+film	_
+against	_
+years	_
+of	_
+dirt	_
+,	_
+grease	_
+,	_
+smoke	_
+,	_
+etc	_
+.	_
+
+Fun	_
+picture	_
+websites	_
+(:	_
+?	_
+
+I	_
+'m	_
+looking	_
+for	_
+websites	_
+like	_
+flickr.com	_
+tumblr.com	_
+and	_
+autocorrects.com	_
+but	_
+ones	_
+that	_
+are	_
+n't	_
+very	_
+common	_
+and	_
+have	_
+a	_
+variety	_
+of	_
+funny	_
+pictures	_
+!	_
+
+Please	_
+give	_
+me	_
+lots	_
+of	_
+links	_
+and	_
+places	_
+to	_
+look	_
+!	_
+
+Thank	_
+you	_
+(:	_
+
+Ifunny.com	_
+
+how	_
+do	_
+you	_
+mold	_
+silicone	_
+or	_
+rubber	_
+into	_
+a	_
+mermaid	_
+tail	_
+?	_
+
+Carve	_
+one	_
+in	_
+your	_
+chosen	_
+medium	_
+.	_
+
+Make	_
+a	_
+mold	_
+.	_
+
+Cast	_
+.	_
+
+Depending	_
+on	_
+scale	_
+,	_
+just	_
+buy	_
+a	_
+fish	_
+and	_
+make	_
+a	_
+mold	_
+from	_
+that	_
+
+They	_
+sell	_
+these	_
+kits	_
+in	_
+most	_
+hobby	_
+and	_
+craft	_
+stores	_
+.	_
+
+Do	_
+you	_
+prefer	_
+ham	_
+,	_
+bacon	_
+or	_
+sausages	_
+with	_
+your	_
+breakfast	_
+?	_
+
+Without	_
+a	_
+doubt	_
+.....	_
+bacon	_
+!	_
+:)	_
+
+thick	_
+cut	_
+bacon	_
+or	_
+really	_
+good	_
+sausages	_
+
+with	_
+my	_
+breakfast	_
+I	_
+like	_
+bacon	_
+and	_
+sausage	_
+when	_
+I	_
+having	_
+a	_
+big	_
+breakfast	_
+like	_
+a	_
+grand	_
+slam	_
+with	_
+pancakes	_
+and	_
+the	_
+works	_
+.	_
+
+Can	_
+police	_
+trace	_
+a	_
+cell	_
+phone	_
+even	_
+if	_
+it	_
+is	_
+switched	_
+off	_
+?	_
+
+Can	_
+police	_
+trace	_
+a	_
+cell	_
+phone	_
+even	_
+if	_
+it	_
+is	_
+switched	_
+off	_
+?	_
+
+Yeah	_
+you	_
+got	_
+ta	_
+burn	_
+it	_
+..	_
+that	_
+s	_
+the	_
+only	_
+way	_
+
+Yes	_
+,	_
+they	_
+all	_
+have	_
+secret	_
+locator	_
+chips	_
+,	_
+just	_
+like	_
+gps	_
+
+Yes	_
+.	_
+
+mazzoni	_
+'s	_
+deli	_
+best	_
+italian	_
+food	_
+in	_
+phila	_
+pa	_
+?	_
+
+is	_
+mazzoni	_
+'s	_
+deli	_
+at	_
+3901	_
+conshocken	_
+ave	_
+in	_
+phila	_
+pa	_
+really	_
+the	_
+best	_
+italian	_
+food	_
+in	_
+the	_
+country	_
+???	_
+
+because	_
+all	_
+of	_
+the	_
+food	_
+blogs	_
+I	_
+ve	_
+read	_
+say	_
+so	_
+and	_
+I	_
+will	_
+travel	_
+from	_
+maryland	_
+if	_
+that	_
+s	_
+true	_
+
+yep	_
+
+Dinner	_
+and	_
+dancing	_
+in	_
+Chicago	_
+?	_
+
+I	_
+'m	_
+under	_
+21	_
++	_
+and	_
+looking	_
+for	_
+a	_
+nice	_
+place	_
+to	_
+take	_
+my	_
+boyfriend	_
+out	_
+for	_
+dinner	_
+where	_
+they	_
+play	_
+music	_
+and	_
+there	_
+is	_
+a	_
+dance	_
+floor	_
+.	_
+
+It	_
+'s	_
+okay	_
+if	_
+it	_
+'s	_
+a	_
+little	_
+pricier	_
+.	_
+
+Any	_
+good	_
+suggestions	_
+would	_
+really	_
+be	_
+appreciated	_
+.	_
+
+Rumba	_
+Room	_
+
+Courage	_
+the	_
+cowardly	_
+dog	_
+?	_
+
+In	_
+the	_
+Episode	_
+"	_
+So	_
+in	_
+Louvre	_
+Are	_
+We	_
+Two	_
+"	_
+,	_
+How	_
+many	_
+diffrent	_
+painting	_
+/	_
+scupltures	_
+are	_
+their	_
+and	_
+who	_
+are	_
+the	_
+artists	_
+?	_
+
+Link	_
+to	_
+video	_
+:	_
+http://www.livevideo.com/video/C8F5BBEC570C4A4DBC326F694D79942A/courage-the-cowardly-dog-so-.aspx	_
+
+You	_
+should	_
+really	_
+ask	_
+this	_
+in	_
+the	_
+art	_
+section	_
+.	_
+
+They	_
+re	_
+probably	_
+just	_
+drawn	_
+for	_
+the	_
+show	_
+anyways	_
+.	_
+
+Name	_
+something	_
+you	_
+find	_
+at	_
+a	_
+carnival	_
+that	_
+comes	_
+on	_
+a	_
+stick	_
+?	_
+
+Cotton	_
+Candy	_
+
+Corn	_
+Dog	_
+
+Candy	_
+Apple	_
+
+Meat	_
+Kabob	_
+
+Ship	_
+on	_
+a	_
+Stick	_
+(	_
+Prize	_
+at	_
+various	_
+trivia	_
+type	_
+contests	_
+on	_
+board	_
+.	_
+)	_
+
+All	_
+of	_
+those	_
+;D	_
+
+Monkey	_
+Brain	_
+.	_
+
+What	_
+country	_
+are	_
+we	_
+talking	_
+about	_
+?	_
+
+I	_
+like	_
+my	_
+Monkey	_
+Brain	_
+on	_
+a	_
+stick	_
+for	_
+sure	_
+.	_
+
+How	_
+come	_
+no	_
+one	_
+bothers	_
+to	_
+ask	_
+any	_
+questions	_
+in	_
+this	_
+section	_
+?	_
+
+I	_
+mean	_
+besides	_
+me	_
+of	_
+course	_
+.	_
+
+Because	_
+obviously	_
+most	_
+people	_
+have	_
+never	_
+even	_
+heard	_
+of	_
+this	_
+section	_
+.	_
+
+Someone	_
+had	_
+to	_
+be	_
+first	_
+.	_
+
+I	_
+have	_
+never	_
+been	_
+there	_
+.	_
+
+well	_
+,	_
+I	_
+do	_
+n't	_
+ask	_
+questions	_
+here	_
+because	_
+I	_
+have	_
+no	_
+clue	_
+what	_
+"	_
+Iguazu	_
+"	_
+is	_
+...	_
+
+What	_
+do	_
+you	_
+think	_
+of	_
+Air	_
+France	_
+?	_
+
+I	_
+love	_
+Air	_
+France	_
+!	_
+
+Their	_
+service	_
+is	_
+top	_
+-	_
+notch	_
+and	_
+I	_
+especially	_
+love	_
+the	_
+free	_
+French	_
+champagne	_
+served	_
+even	_
+in	_
+Economy	_
+.	_
+
+I	_
+also	_
+find	_
+their	_
+food	_
+way	_
+better	_
+than	_
+many	_
+other	_
+airlines	_
+.	_
+
+Plus	_
+you	_
+land	_
+in	_
+a	_
+preferential	_
+terminal	_
+...	_
+
+I	_
+go	_
+out	_
+of	_
+my	_
+way	_
+to	_
+use	_
+Air	_
+France	_
+.	_
+
+expensive	_
+
+What	_
+'s	_
+the	_
+difference	_
+between	_
+Indian	_
+and	_
+African	_
+ringnecks	_
+and	_
+alexandrine	_
+parrots	_
+?	_
+?	_
+
+I	_
+was	_
+fixing	_
+to	_
+buy	_
+an	_
+indian	_
+ringneck	_
+,	_
+did	_
+a	_
+bunch	_
+of	_
+research	_
+,	_
+(	_
+I	_
+'m	_
+a	_
+very	_
+experienced	_
+bird	_
+owner	_
+,	_
+macaws	_
+,	_
+cockatoos	_
+,	_
+amazons	_
+)	_
+,	_
+
+And	_
+noticed	_
+two	_
+other	_
+breeds	_
+that	_
+look	_
+a	_
+lot	_
+alike	_
+.	_
+
+So	_
+does	_
+anyone	_
+know	_
+what	_
+the	_
+difference	_
+is	_
+?	_
+
+Thanks	_
+
+if	_
+i	_
+preorder	_
+a	_
+game	_
+at	_
+gamestop	_
+can	_
+someone	_
+else	_
+pick	_
+it	_
+up	_
+for	_
+me	_
+?	_
+
+i	_
+put	_
+$	_
+5	_
+bucks	_
+down	_
+for	_
+it	_
+too	_
+.	_
+
+no	_
+they	_
+wo	_
+nt	_
+be	_
+able	_
+to	_
+some	_
+gamestops	_
+do	_
+nt	_
+check	_
+ID	_
+for	_
+the	_
+pre-order	_
+so	_
+some	_
+ppl	_
+can	_
+get	_
+away	_
+with	_
+doing	_
+this	_
+but	_
+a	_
+lot	_
+of	_
+store	_
+want	_
+to	_
+see	_
+your	_
+id	_
+and	_
+/	_
+or	_
+your	_
+reciept	_
+of	_
+the	_
+pre-order	_
+
+Has	_
+anyone	_
+ever	_
+worked	_
+for	_
+steiner	_
+leisure	_
+cruises	_
+?	_
+
+I	_
+'m	_
+considering	_
+taking	_
+a	_
+job	_
+with	_
+Steiner	_
+and	_
+noticed	_
+I	_
+have	_
+to	_
+pay	_
+for	_
+all	_
+my	_
+travel	_
+.	_
+
+Was	_
+wondering	_
+if	_
+anyone	_
+knew	_
+a	_
+rough	_
+estimate	_
+of	_
+how	_
+much	_
+it	_
+costs	_
+with	_
+travel	_
+and	_
+training	_
+
+I	_
+have	_
+n't	_
+personally	_
+but	_
+I	_
+know	_
+a	_
+couple	_
+of	_
+people	_
+who	_
+have	_
+.	_
+
+Wendi	_
+has	_
+worked	_
+for	_
+them	_
+have	_
+a	_
+look	_
+at	_
+her	_
+blog	_
+.	_
+
+Best	_
+POS	_
+system	_
+in	_
+Philadelphia	_
+?	_
+
+What	_
+is	_
+the	_
+best	_
+pos	_
+system	_
+I	_
+can	_
+buy	_
+in	_
+philadelphia	_
+pa	_
+?	_
+
+I	_
+need	_
+something	_
+reliable	_
+and	_
+good	_
+looking	_
+.	_
+
+Prosperity	_
+POS	_
+makes	_
+the	_
+best	_
+pos	_
+systems	_
+.	_
+
+I	_
+use	_
+them	_
+for	_
+my	_
+restaurant	_
+and	_
+always	_
+get	_
+compliments	_
+on	_
+the	_
+sleek	_
+look	_
+of	_
+the	_
+mac	_
+system	_
+not	_
+to	_
+mention	_
+how	_
+good	_
+the	_
+support	_
+is	_
+.	_
+
+Do	_
+yourself	_
+a	_
+favor	_
+and	_
+give	_
+them	_
+a	_
+call	_
+.	_
+
+http://www.prosperitypos.com?p=ya	_
+
+What	_
+are	_
+"	_
+good	_
+"	_
+speakers	_
+?	_
+
+I	_
+'ve	_
+been	_
+looking	_
+at	_
+the	_
+bose	_
+sound	_
+dock	_
+10	_
+i	_
+ve	_
+currently	_
+got	_
+a	_
+jvc	_
+mini	_
+hifi	_
+system	_
+,	_
+i	_
+was	_
+wondering	_
+what	_
+would	_
+be	_
+a	_
+good	_
+set	_
+of	_
+speakers	_
+.	_
+
+I	_
+like	_
+music	_
+very	_
+loud	_
+and	_
+with	_
+a	_
+lot	_
+of	_
+bass	_
+.	_
+
+also	_
+i	_
+was	_
+wondering	_
+,	_
+is	_
+it	_
+true	_
+that	_
+the	_
+bigger	_
+the	_
+speakers	_
+are	_
+the	_
+better	_
+.	_
+
+thanks	_
+
+B	_
+&	_
+w	_
+.	_
+
+Bose	_
+is	_
+not	_
+good	_
+
+USPS	_
+Delivery	_
+in	_
+Auckland	_
+,	_
+NZ	_
+?	_
+
+I	_
+have	_
+ordered	_
+Bose	_
+Headfones	_
+worth	_
+300	_
+USD	_
+.	_
+
+They	_
+have	_
+been	_
+shipped	_
+using	_
+USPS	_
+Priority	_
+Mail	_
+International	_
+Parcels	_
+.	_
+
+will	_
+i	_
+have	_
+to	_
+pay	_
+customs	_
+in	_
+NZ	_
+.	_
+
+it	_
+s	_
+a	_
+gift	_
+from	_
+my	_
+brother	_
+.	_
+
+why	_
+will	_
+hav	_
+to	_
+pay	_
+customs	_
+if	_
+it	_
+is	_
+a	_
+gift	_
+...	_
+??	_
+
+i	_
+always	_
+thought	_
+there	_
+s	_
+no	_
+custom	_
+charges	_
+for	_
+gifts	_
+.	_
+
+Yup	_
+.	_
+
+Yes	_
+,	_
+you	_
+must	_
+pay	_
+customs	_
+duties	_
+.	_
+
+24	_
+hour	_
+fast	_
+resturants	_
+near	_
+by	_
+?	_
+
+Well	_
+there	_
+s	_
+Mc.	_
+Donald	_
+s	_
+,	_
+Taco	_
+Bell	_
+,	_
+Burger	_
+King	_
+.....	_
+
+But	_
+my	_
+resturant	_
+is	_
+way	_
+better	_
+than	_
+all	_
+of	_
+them	_
+...	_
+and	_
+it	_
+'s	_
+quite	_
+close	_
+.	_
+
+It	_
+'s	_
+just	_
+up	_
+the	_
+highway	_
+and	_
+right	_
+around	_
+the	_
+corner	_
+....	_
+
+Nearby	_
+what	_
+?	_
+
+Loop	_
+,	_
+North	_
+Side	_
+,	_
+South	_
+Side	_
+,	_
+near	_
+suburbs	_
+,	_
+far	_
+suburbs	_
+?	_
+
+Chicago	_
+'s	_
+a	_
+big	_
+area	_
+.	_
+
+PORTILLO	_
+'S	_
+OR	_
+WHITE	_
+CASTLE	_
+!	_
+:D	_
+
+NZers	_
+:	_
+Have	_
+you	_
+decided	_
+who	_
+you	_
+'re	_
+going	_
+to	_
+vote	_
+for	_
+?	_
+
+And	_
+has	_
+this	_
+changed	_
+from	_
+previous	_
+years	_
+?	_
+
+I	_
+'m	_
+just	_
+curious	_
+.	_
+
+Bay	_
+of	_
+Plenty	_
+-	_
+Are	_
+you	_
+even	_
+old	_
+enough	_
+to	_
+vote	_
+?	_
+
+hahaha	_
+
+not	_
+sure	_
+yet	_
+
+John	_
+Key	_
+,	_
+and	_
+no	_
+
+Maybe	_
+Labour	_
+.	_
+
+John	_
+Key	_
+is	_
+too	_
+busy	_
+looking	_
+after	_
+his	_
+rich	_
+mates	_
+,	_
+while	_
+the	_
+rest	_
+of	_
+us	_
+pay	_
+.	_
+
+Yes	_
+,	_
+I	_
+have	_
+usually	_
+voted	_
+National	_
+.	_
+
+I	_
+do	_
+see	_
+myself	_
+as	_
+a	_
+conservative	_
+
+Arriving	_
+in	_
+Auckland	_
+on	_
+a	_
+direct	_
+flight	_
+from	_
+Canada	_
+.?	_
+
+Will	_
+we	_
+be	_
+allowed	_
+to	_
+take	_
+duty	_
+free	_
+bottles	_
+onto	_
+our	_
+connecting	_
+flight	_
+to	_
+Christchurch	_
+?	_
+
+In	_
+our	_
+hand	_
+luggage	_
+or	_
+do	_
+we	_
+have	_
+to	_
+put	_
+it	_
+into	_
+our	_
+checked	_
+luggage	_
+?	_
+
+Yes	_
+.	_
+
+I	_
+do	_
+n't	_
+think	_
+it	_
+matters	_
+
+We	_
+'ll	_
+see	_
+you	_
+on	_
+'	_
+Border	_
+Patrol	_
+'	_
+
+Yes	_
+you	_
+can	_
+carry	_
+your	_
+duty	_
+free	_
+bottles	_
+,	_
+and	_
+liquids	_
+onto	_
+your	_
+connection	_
+as	_
+it	_
+is	_
+only	_
+a	_
+domestic	_
+flight	_
+:-)	_
+
+Studying	_
+in	_
+Quebec	_
+,	_
+Canada	_
+?	_
+
+If	_
+I	_
+went	_
+into	_
+the	_
+"	_
+pre-university	_
+"	_
+direction	_
+with	_
+business	_
+administration	_
+in	_
+mind	_
+.	_
+
+Say	_
+after	_
+I	_
+finished	_
+those	_
+2	_
+years	_
+and	_
+I	_
+found	_
+a	_
+job	_
+.	_
+
+would	_
+I	_
+be	_
+able	_
+to	_
+go	_
+back	_
+to	_
+school	_
+after	_
+a	_
+year	_
+break	_
+at	_
+a	_
+university	_
+to	_
+get	_
+a	_
+Bachelor	_
+s	_
+degree	_
+in	_
+business	_
+administration	_
+?	_
+
+Any	_
+information	_
+would	_
+help	_
+.	_
+
+Thank	_
+you	_
+
+You	_
+should	_
+be	_
+able	_
+to	_
+no	_
+problem	_
+.	_
+
+Universities	_
+will	_
+take	_
+you	_
+whatever	_
+age	_
+you	_
+are	_
+.	_
+
+What	_
+would	_
+you	_
+call	_
+the	_
+device	_
+that	_
+hold	_
+up	_
+your	_
+photography	_
+backdrop	_
+?	_
+
+and	_
+where	_
+can	_
+I	_
+find	_
+them	_
+?	_
+
+Background	_
+support	_
+systems	_
+.	_
+
+Or	_
+background	_
+stands	_
+
+buy	_
+them	_
+in	_
+any	_
+good	_
+photography	_
+supplies	_
+shop	_
+.	_
+
+frame	_
+
+thumbs	_
+down	_
+???	_
+
+odd	_
+considering	_
+this	_
+is	_
+a	_
+search	_
+on	_
+the	_
+net	_
+:	_
+
+http://www.google.co.uk/search?q=backdrop+frame&ie=utf-8&oe=utf-8&aq=t&rls=org.mozilla:en-US:official&client=firefox-a&safe=active&sout=1	_
+
+Backdrop	_
+stand	_
+.	_
+
+Google	_
+the	_
+term	_
+or	_
+find	_
+photography	_
+supplies	_
+websites	_
+and	_
+put	_
+it	_
+in	_
+the	_
+search	_
+box	_
+(	_
+or	_
+look	_
+for	_
+studio	_
+equipment	_
+supplies	_
+)	_
+.	_
+
+out	_
+of	_
+carnival	_
+,	_
+royal	_
+caribbean	_
+,	_
+and	_
+norweigan	_
+(	_
+cruises	_
+)	_
+which	_
+is	_
+the	_
+best	_
+and	_
+why	_
+?	_
+
+I	_
+prefer	_
+Royal	_
+Caribbean	_
+out	_
+of	_
+all	_
+these	_
+.	_
+
+There	_
+is	_
+so	_
+much	_
+to	_
+do	_
+onboard	_
+.	_
+
+The	_
+new	_
+NCL	_
+Epic	_
+does	_
+sound	_
+amazing	_
+,	_
+although	_
+I	_
+have	_
+n't	_
+sailed	_
+on	_
+her	_
+yet	_
+.	_
+
+None	_
+of	_
+the	_
+above	_
+.	_
+
+Of	_
+THESE	_
+three	_
+,	_
+it	_
+'s	_
+a	_
+toss	_
+-	_
+up	_
+between	_
+Royal	_
+and	_
+Carnival	_
+.	_
+
+NCL	_
+is	_
+a	_
+notch	_
+below	_
+either	_
+,	_
+in	_
+terms	_
+of	_
+quality	_
+and	_
+service	_
+.	_
+
+Will	_
+USB	_
+cell	_
+phone	_
+chargers	_
+still	_
+charge	_
+even	_
+if	_
+they	_
+'re	_
+hooked	_
+up	_
+to	_
+a	_
+computer	_
+that	_
+is	_
+turned	_
+off	_
+?	_
+
+Mine	_
+does	_
+.	_
+
+I	_
+have	_
+the	_
+HTC	_
+Evo	_
+.	_
+
+depends	_
+on	_
+the	_
+computer	_
+
+if	_
+the	_
+computer	_
+is	_
+completely	_
+shut	_
+off	_
+,	_
+the	_
+USB	_
+ports	_
+are	_
+n't	_
+getting	_
+power	_
+,	_
+so	_
+they	_
+wo	_
+n't	_
+charge	_
+your	_
+phone	_
+
+many	_
+PCs	_
+have	_
+sleep	_
+&	_
+charge	_
+now	_
+,	_
+that	_
+allow	_
+the	_
+PC	_
+to	_
+go	_
+into	_
+sleep	_
+mode	_
+,	_
+and	_
+still	_
+allow	_
+the	_
+USB	_
+ports	_
+to	_
+charge	_
+things	_
+like	_
+phones	_
+.	_
+
+what	_
+is	_
+a	_
+good	_
+slogan	_
+for	_
+an	_
+Argentinian	_
+restaurant	_
+?	_
+
+"	_
+In	_
+Argentina	_
+,	_
+beef	_
+is	_
+revered	_
+,	_
+respected	_
+,	_
+and	_
+praised	_
+.	_
+
+Come	_
+see	_
+how	_
+we	_
+continue	_
+this	_
+tradition	_
+.	_
+"	_
+
+A	_
+taste	_
+of	_
+Argentina	_
+.	_
+
+Here	_
+are	_
+some	_
+articles	_
+that	_
+discuss	_
+the	_
+details	_
+of	_
+slogan	_
+writing	_
+.	_
+
+Why	_
+certain	_
+slogans	_
+work	_
+and	_
+why	_
+some	_
+do	_
+n't	_
+.	_
+
+You	_
+will	_
+find	_
+these	_
+helpful	_
+in	_
+writing	_
+a	_
+new	_
+slogan	_
+.	_
+
+A	_
+Look	_
+at	_
+Slogans	_
+-	_
+http://www.small-business-software.net/look-at-slogans.htm	_
+
+Unique	_
+Selling	_
+Proposition	_
+-	_
+http://www.small-business-software.net/unique-selling-proposition.htm	_
+
+Good	_
+luck	_
+!	_
+
+No	_
+Mad	_
+Cow	_
+---	_
+Guaranteed	_
+!	_
+
+Which	_
+Compact	_
+System	_
+Camera	_
+Should	_
+I	_
+Get	_
+...	_
+?	_
+
+I	_
+'m	_
+looking	_
+for	_
+a	_
+camera	_
+that	_
+has	_
+really	_
+good	_
+zoom	_
+during	_
+a	_
+video	_
+and	_
+pictures	_
+;	_
+and	_
+good	_
+quality	_
+pictures	_
+/	_
+videos	_
+
+I	_
+'m	_
+planning	_
+on	_
+buying	_
+a	_
+compact	_
+system	_
+camera	_
+at	_
+best	_
+buy	_
+;	_
+so	_
+please	_
+list	_
+the	_
+one	_
+(	_
+s	_
+)	_
+I	_
+should	_
+purchase	_
+.	_
+
+Also	_
+how	_
+much	_
+do	_
+compact	_
+system	_
+cameras	_
+drop	_
+on	_
+boxing	_
+day	_
+?	_
+
+**	_
+and	_
+i	_
+can	_
+upload	_
+my	_
+pictures	_
+and	_
+videos	_
+on	_
+the	_
+computer	_
+(	_
+facebook	_
+)	_
+
+have	_
+a	_
+look	_
+at	_
+sony	_
+wx10	_
+
+I	_
+need	_
+creative	_
+art	_
+ideas	_
+?	_
+
+What	_
+are	_
+some	_
+cool	_
+ideas	_
+for	_
+making	_
+a	_
+postor	_
+usint	_
+the	_
+word	_
+MAD	_
+on	_
+a	_
+white	_
+paper	_
+in	_
+a	_
+weird	_
+or	_
+artsy	_
+way	_
+?	_
+
+The	_
+actual	_
+word	_
+"	_
+MAD	_
+"	_
+has	_
+to	_
+be	_
+on	_
+the	_
+cover	_
+and	_
+incorporated	_
+into	_
+the	_
+image	_
+.	_
+
+MAD	_
+means	_
+crazy	_
+,	_
+or	_
+angry	_
+,	_
+so	_
+you	_
+do	_
+a	_
+lot	_
+with	_
+it	_
+,	_
+i	_
+would	_
+put	_
+a	_
+gorrilla	_
+screaming	_
+,	_
+just	_
+the	_
+face	_
+,	_
+and	_
+just	_
+throw	_
+in	_
+a	_
+lot	_
+of	_
+brushes	_
+fifferent	_
+colors	_
+,	_
+make	_
+it	_
+look	_
+artistic	_
+.	_
+
+use	_
+photoshop	_
+.	_
+
+tttthhhhh	_
+Madonna	_
+!	_
+
+what	_
+is	_
+the	_
+fall	_
+of	_
+hanoi	_
+?	_
+
+can	_
+anyone	_
+tell	_
+me	_
+exactly	_
+what	_
+it	_
+is	_
+and	_
+what	_
+took	_
+place	_
+?	_
+
+I	_
+ca	_
+nt	_
+find	_
+any	_
+information	_
+about	_
+it	_
+
+When	_
+the	_
+French	_
+returned	_
+to	_
+Indochina	_
+at	_
+the	_
+end	_
+of	_
+WW	_
+II	_
+the	_
+Viet	_
+Minh	_
+were	_
+in	_
+control	_
+of	_
+the	_
+Red	_
+River	_
+Delta	_
+.	_
+
+They	_
+chased	_
+the	_
+Communists	_
+out	_
+of	_
+the	_
+capital	_
+(	_
+Hanoi	_
+)	_
+and	_
+retook	_
+control	_
+.	_
+
+Is	_
+that	_
+what	_
+you	_
+are	_
+referring	_
+to	_
+?	_
+
+You	_
+need	_
+to	_
+check	_
+out	_
+the	_
+French	_
+Indochina	_
+War	_
+(	_
+1946	_
+-	_
+1954	_
+)	_
+not	_
+the	_
+Vietnam	_
+War	_
+(	_
+1957	_
+-	_
+1975	_
+)	_
+.	_
+
+Does	_
+a	_
+pacman	_
+absolutely	_
+need	_
+a	_
+uv	_
+lamp	_
+?	_
+
+Or	_
+maybe	_
+something	_
+humid	_
+or	_
+heat	_
+?	_
+
+I	_
+assume	_
+you	_
+are	_
+talking	_
+about	_
+a	_
+pacman	_
+frog	_
+.	_
+
+No	_
+,	_
+technically	_
+they	_
+do	_
+not	_
+need	_
+a	_
+UVB	_
+light	_
+;	_
+they	_
+are	_
+nocturnal	_
+.	_
+
+However	_
+,	_
+it	_
+certainly	_
+would	_
+n't	_
+hurt	_
+if	_
+you	_
+wanted	_
+to	_
+provide	_
+one	_
+.	_
+
+A	_
+pacman	_
+frog	_
+will	_
+need	_
+a	_
+heat	_
+source	_
+that	_
+creates	_
+a	_
+basking	_
+temp	_
+in	_
+the	_
+upper	_
+80's	_
+F	_
+for	_
+at	_
+least	_
+10	_
+-	_
+12	_
+hours	_
+a	_
+day	_
+.	_
+
+do	_
+n't	_
+forget	_
+to	_
+use	_
+a	_
+calcium	_
+supplement	_
+twice	_
+a	_
+week	_
+;	_
+captive	_
+reptiles	_
+are	_
+prone	_
+to	_
+calcium	_
+deficiency	_
+.	_
+
+surprise	_
+romantic	_
+cheap	_
+date	_
+night	_
+san	_
+francisco	_
+?	_
+
+looking	_
+for	_
+a	_
+surprise	_
+spot	_
+to	_
+take	_
+my	_
+bf	_
+.	_
+
+a	_
+bar	_
+would	_
+be	_
+nice	_
+but	_
+also	_
+something	_
+extremely	_
+unique	_
+.	_
+
+i	_
+would	_
+like	_
+to	_
+have	_
+one	_
+of	_
+those	_
+super	_
+random	_
+surprisingly	_
+nice	_
+nights	_
+out	_
+...	_
+suggestions	_
+?	_
+
+o	_
+and	_
+the	_
+cheaper	_
+the	_
+better	_
+(	_
+we	_
+are	_
+trying	_
+to	_
+save	_
+money	_
+now	_
+,	_
+sooo	_
+..	_
+that	_
+d	_
+b	_
+helpful	_
+)	_
+thanks	_
+
+Why	_
+not	_
+put	_
+together	_
+a	_
+bottle	_
+of	_
+champagne	_
+,	_
+a	_
+picnic	_
+and	_
+have	_
+a	_
+date	_
+on	_
+Treasure	_
+Island	_
+.	_
+
+Cheap	_
+,	_
+great	_
+view	_
+,	_
+time	_
+together	_
+.	_
+
+There	_
+are	_
+plenty	_
+of	_
+cheap	_
+restaurants	_
+.	_
+
+Try	_
+SanFranGuide.com	_
+
+my	_
+lhasa	_
+apso	_
+hind	_
+legs	_
+are	_
+not	_
+working	_
+?	_
+
+for	_
+the	_
+past	_
+few	_
+days	_
+she	_
+has	_
+been	_
+shivering	_
+and	_
+wo	_
+nt	_
+eat	_
+but	_
+she	_
+could	_
+walk	_
+now	_
+her	_
+hid	_
+legs	_
+are	_
+not	_
+working	_
+but	_
+she	_
+is	_
+back	_
+to	_
+her	_
+self	_
+..	_
+what	_
+should	_
+i	_
+do	_
+.?	_
+
+just	_
+pray	_
+for	_
+her	_
+ad=nd	_
+try	_
+to	_
+hlep	_
+your	_
+dog	_
+and	_
+do	_
+some	_
+physical	_
+therapy	_
+on	_
+the	_
+hind	_
+legs	_
+and	_
+take	_
+her	_
+to	_
+the	_
+vet	_
+and	_
+ig	_
+it	_
+costs	_
+a	_
+whole	_
+lot	_
+ask	_
+hlep	_
+from	_
+you	_
+friends	_
+and	_
+family	_
+adn	_
+since	_
+she	_
+s	_
+not	_
+eating	_
+feed	_
+her	_
+by	_
+hand	_
+
+Take	_
+her	_
+to	_
+the	_
+vet	_
+.	_
+
+obviously	_
+take	_
+her	_
+to	_
+the	_
+vet	_
+
+How	_
+much	_
+would	_
+it	_
+cost	_
+for	_
+me	_
+to	_
+take	_
+me	_
+and	_
+three	_
+friends	_
+to	_
+Andiamo	_
+s	_
+restaurant	_
+for	_
+dinner	_
+?	_
+
+Hi	_
+,	_
+i	_
+'m	_
+looking	_
+to	_
+take	_
+myself	_
+and	_
+my	_
+best	_
+friend	_
+and	_
+his	_
+girl	_
+friend	_
+and	_
+this	_
+girl	_
+i	_
+really	_
+like	_
+out	_
+to	_
+dinner	_
+for	_
+my	_
+birthday	_
+.	_
+
+I	_
+really	_
+want	_
+to	_
+go	_
+to	_
+andiamo	_
+s	_
+for	_
+my	_
+birthday	_
+and	_
+i	_
+was	_
+just	_
+wondering	_
+how	_
+much	_
+it	_
+would	_
+cost	_
+for	_
+the	_
+four	_
+of	_
+us	_
+to	_
+eat	_
+there	_
+
+Have	_
+no	_
+idea	_
+what	_
+kind	_
+of	_
+restaurant	_
+this	_
+is	_
+or	_
+where	_
+it	_
+is	_
+.	_
+
+Best	_
+count	_
+on	_
+$	_
+50	_
+per	_
+person	_
+no	_
+matter	_
+what	_
+.	_
+
+Or	_
+more	_
+if	_
+you	_
+have	_
+drinks	_
+.	_
+
+I	_
+need	_
+suggestions	_
+for	_
+San	_
+Francisco	_
+restaurants	_
+with	_
+good	_
+food	_
+and	_
+good	_
+catering	_
+service	_
+.?	_
+
+I	_
+need	_
+suggestions	_
+on	_
+restaurants	_
+in	_
+San	_
+Francisco	_
+with	_
+good	_
+food	_
+and	_
+good	_
+catering	_
+service	_
+.	_
+
+I	_
+have	_
+two	_
+upcoming	_
+events	_
+one	_
+is	_
+for	_
+200	_
+and	_
+another	_
+is	_
+for	_
+21	_
+.	_
+
+American	_
+Food	_
+,	_
+Soul	_
+Food	_
+,	_
+Mexican	_
+,	_
+Italian	_
+,	_
+and	_
+Chinese	_
+are	_
+the	_
+options	_
+.	_
+
+Here	_
+is	_
+a	_
+great	_
+list	_
+of	_
+different	_
+restaurants	_
+in	_
+San	_
+Francisco	_
+
+http://sanfranguide.com/restaurants/	_
+
+well	_
+since	_
+i	_
+do	_
+nt	_
+know	_
+your	_
+budget	_
+,	_
+i	_
+recommend	_
+Hakka	_
+Restaurant	_
+for	_
+chinese	_
+food	_
+
+it	_
+s	_
+cheap	_
+and	_
+it	_
+s	_
+good	_
+!	_
+
+prime	_
+ribs	_
+have	_
+very	_
+good	_
+food	_
+but	_
+it	_
+s	_
+super	_
+expensive	_
+
+try	_
+yelp.com	_
+
+how	_
+many	_
+ounces	_
+in	_
+a	_
+pint	_
+in	_
+ireland	_
+?	_
+
+Depends	_
+of	_
+what	_
+.	_
+
+Ounces	_
+measure	_
+weight	_
+,	_
+pints	_
+measure	_
+volume	_
+.	_
+
+If	_
+you	_
+mean	_
+fluid	_
+ounces	_
+,	_
+20	_
+,	_
+as	_
+opposed	_
+to	_
+the	_
+16	_
+in	_
+America	_
+.	_
+
+An	_
+Irish	_
+pint	_
+is	_
+larger	_
+than	_
+a	_
+US	_
+one	_
+.	_
+
+20	_
+fluid	_
+ounces	_
+in	_
+a	_
+Pint	_
+in	_
+Ireland	_
+
+as	_
+R	_
+-	_
+G	_
+said	_
+,	_
+there	_
+are	_
+only	_
+16	_
+in	_
+an	_
+American	_
+one	_
+.	_
+
+Know	_
+this	_
+well	_
+because	_
+I	_
+remember	_
+an	_
+'	_
+irish	_
+'	_
+pub	_
+in	_
+the	_
+town	_
+in	_
+canada	_
+i	_
+grew	_
+up	_
+in	_
+used	_
+to	_
+advertise	_
+the	_
+cheapest	_
+pints	_
+of	_
+guinness	_
+in	_
+town	_
+,	_
+but	_
+they	_
+served	_
+them	_
+in	_
+american	_
+sized	_
+pints	_
+.	_
+
+That	_
+place	_
+did	_
+n't	_
+stay	_
+open	_
+too	_
+long	_
+:D	_
+
+need	_
+help	_
+finding	_
+irish	_
+music	_
+?	_
+
+i	_
+love	_
+The	_
+Script	_
+and	_
+know	_
+the	_
+re	_
+from	_
+iraland	_
+.	_
+
+i	_
+would	_
+like	_
+more	_
+bands	_
+like	_
+them	_
+pleasseee	_
+
+The	_
+thing	_
+about	_
+The	_
+Script	_
+is	_
+they	_
+do	_
+not	_
+sound	_
+that	_
+Irish	_
+,	_
+I	_
+was	_
+surprised	_
+to	_
+hear	_
+they	_
+were	_
+from	_
+Dublin	_
+.	_
+
+Well	_
+if	_
+you	_
+are	_
+interested	_
+,	_
+I	_
+suggest	_
+you	_
+have	_
+a	_
+look	_
+at	_
+General	_
+Fiasco	_
+,	_
+Two	_
+Door	_
+Cinema	_
+Club	_
+and	_
+Wallis	_
+Bird	_
+.	_
+
+I	_
+think	_
+you	_
+will	_
+be	_
+pleased	_
+.	_
+
+I	_
+doubt	_
+you	_
+will	_
+get	_
+a	_
+sensible	_
+answer	_
+in	_
+the	_
+"	_
+TRAVEL	_
+"	_
+section	_
+.	_
+
+*	_
+Ireland	_
+
+And	_
+there	_
+'s	_
+nothing	_
+distinctly	_
+Irish	_
+about	_
+them	_
+.	_
+
+You	_
+'d	_
+find	_
+similar	_
+bands	_
+to	_
+them	_
+that	_
+are	_
+from	_
+the	_
+UK	_
+and	_
+US	_
+.	_
+
+Women	_
+'s	_
+rain	_
+coat	_
+...	_
+where	_
+can	_
+I	_
+find	_
+one	_
+?	_
+
+I	_
+'m	_
+going	_
+on	_
+a	_
+trip	_
+to	_
+Europe	_
+soon	_
+,	_
+and	_
+I	_
+need	_
+to	_
+find	_
+a	_
+good	_
+,	_
+quality	_
+raincoat	_
+.	_
+
+I	_
+'ve	_
+looked	_
+and	_
+looked	_
+,	_
+but	_
+can	_
+not	_
+find	_
+one	_
+anywhere	_
+!	_
+
+I	_
+would	_
+prefer	_
+a	_
+simple	_
+,	_
+fitted	_
+black	_
+one	_
+.	_
+
+It	_
+actually	_
+needs	_
+to	_
+be	_
+relatively	_
+waterproof	_
+-	_
+the	_
+last	_
+one	_
+I	_
+bought	_
+had	_
+me	_
+soaked	_
+in	_
+anything	_
+more	_
+than	_
+light	_
+/	_
+moderate	_
+rain	_
+.	_
+
+I	_
+'ll	_
+pay	_
+up	_
+to	_
+200	_
+-	_
+250	_
+for	_
+it	_
+if	_
+I	_
+have	_
+to	_
+.	_
+
+Look	_
+on	_
+the	_
+debenhams	_
+website	_
+
+in	_
+the	_
+craghoppers	_
+section	_
+
+they	_
+do	_
+some	_
+good	_
+waterproof	_
+raincoats	_
+
+here	_
+s	_
+the	_
+link	_
+:	_
+
+http://www.debenhams.com/women/craghoppers#catalogId=10001&lid=//productsuniverse/en_GB/product_online0Y/categories%3C0productsuniverse_186610/brand_description0.000000E+000craghoppers0/categories%3C0productsuniverse_18661_186820&ps=default&sfn=Categories&sfv=Coats+%26amp0+jackets&storeId=10001	_
+
+I	_
+have	_
+a	_
+Kodak	_
+Camera	_
+(	_
+10.2	_
+Megapixels	_
+)	_
+...	_
+Kodak	_
+AF	_
+5x	_
+OPTICAL	_
+LENS	_
+...	_
+how	_
+do	_
+I	_
+pause	_
+it	_
+while	_
+recording	_
+?	_
+
+I	_
+have	_
+a	_
+Kodak	_
+Camera	_
+(	_
+10.2	_
+Megapixels	_
+)	_
+...	_
+Kodak	_
+AF	_
+5x	_
+OPTICAL	_
+LENS	_
+...	_
+how	_
+do	_
+I	_
+pause	_
+it	_
+while	_
+recording	_
+?	_
+
+You	_
+do	_
+n't	_
+...	_
+there	_
+'s	_
+no	_
+such	_
+thing	_
+as	_
+"	_
+pause	_
+"	_
+in	_
+digital	_
+recording	_
+.	_
+
+That	_
+'s	_
+because	_
+of	_
+the	_
+buffer	_
+that	_
+holds	_
+the	_
+data	_
+until	_
+it	_
+'s	_
+ready	_
+to	_
+be	_
+recorded	_
+to	_
+the	_
+memory	_
+card	_
+.	_
+
+When	_
+you	_
+press	_
+the	_
+button	_
+to	_
+stop	_
+recording	_
+the	_
+data	_
+is	_
+moved	_
+from	_
+the	_
+buffer	_
+to	_
+the	_
+memory	_
+card	_
+-	_
+no	_
+pause	_
+.	_
+
+All	_
+you	_
+can	_
+do	_
+is	_
+take	_
+each	_
+section	_
+(	_
+individual	_
+video	_
+)	_
+and	_
+edit	_
+them	_
+together	_
+on	_
+software	_
+.	_
+
+I	_
+have	_
+a	_
+Nacho	_
+Libre	_
+question	_
+.?	_
+
+When	_
+nacho	_
+is	_
+driving	_
+to	_
+cure	_
+the	_
+influenza	_
+guy	_
+does	_
+he	_
+say	_
+to	_
+the	_
+man	_
+with	_
+the	_
+cow	_
+i	_
+like	_
+your	_
+blouse	_
+or	_
+I	_
+like	_
+your	_
+cow	_
+because	_
+my	_
+friend	_
+thinks	_
+he	_
+says	_
+I	_
+like	_
+your	_
+blouse	_
+,	_
+but	_
+that	_
+would	_
+n't	_
+make	_
+sense	_
+.	_
+
+I	_
+know	_
+it	_
+s	_
+in	_
+the	_
+wrong	_
+catagory	_
+,	_
+but	_
+still	_
+,	_
+I	_
+wrote	_
+this	_
+question	_
+for	_
+a	_
+reason	_
+,	_
+not	_
+for	_
+you	_
+to	_
+critisize	_
+me	_
+.	_
+
+Okay	_
+,	_
+FIRST	_
+,	_
+you	_
+have	_
+posted	_
+a	_
+question	_
+about	_
+an	_
+American	_
+movie	_
+,	_
+set	_
+in	_
+Mexico	_
+,	_
+in	_
+the	_
+Dining	_
+Out	_
+in	_
+Argentina	_
+category	_
+.	_
+
+Do	_
+you	_
+get	_
+what	_
+'s	_
+wrong	_
+with	_
+this	_
+picture	_
+?	_
+
+No	_
+...	_
+that	_
+'s	_
+all	_
+.	_
+
+No	_
+second	_
+.	_
+
+Nacho	_
+Libre	_
+is	_
+suppose	_
+to	_
+be	_
+inspired	_
+in	_
+Mexicans	_
+,	_
+not	_
+in	_
+Argentineans	_
+.	_
+
+is	_
+there	_
+any	_
+good	_
+places	_
+to	_
+get	_
+an	_
+ice	_
+-	_
+cream	_
+sundae	_
+from	_
+in	_
+Invercargill	_
+New	_
+Zealand	_
+?	_
+
+so	_
+i	_
+live	_
+in	_
+Invercargill	_
+New	_
+Zealand	_
+and	_
+i	_
+want	_
+to	_
+know	_
+if	_
+there	_
+are	_
+any	_
+good	_
+places	_
+to	_
+buy	_
+an	_
+ice	_
+-	_
+cream	_
+sundae	_
+from	_
+other	_
+than	_
+mc	_
+donald	_
+s	_
+lol	_
+
+Fast	_
+food	_
+chains	_
+,	_
+supermarkets	_
+,	_
+dairies	_
+
+you	_
+live	_
+in	_
+NZ	_
+and	_
+you	_
+eat	_
+McDonald	_
+s	_
+ice	_
+cream	_
+?	_
+
+you	_
+'re	_
+mad	_
+!	_
+
+Any	_
+of	_
+the	_
+tip	_
+-	_
+top	_
+places	_
+have	_
+great	_
+ice	_
+-	_
+cream	_
+,	_
+get	_
+them	_
+to	_
+mix	_
+it	_
+up	_
+.	_
+
+any	_
+Ice	_
+Cream	_
+In	_
+NZ	_
+no	_
+matter	_
+where	_
+as	_
+New	_
+Zealand	_
+has	_
+the	_
+best	_
+bl**dy	_
+ice	_
+cream	_
+in	_
+the	_
+world	_
+I	_
+was	_
+in	_
+NZ	_
+for	_
+a	_
+few	_
+weeks	_
+had	_
+some	_
+Ice	_
+Cream	_
+and	_
+really	_
+enjoyed	_
+it	_
+I	_
+will	_
+go	_
+back	_
+just	_
+to	_
+eat	_
+some	_
+Ice	_
+Cream	_
+
+best	_
+burger	_
+chain	_
+in	_
+the	_
+Chicago	_
+area	_
+?	_
+
+which	_
+is	_
+the	_
+best	_
+burger	_
+chain	_
+in	_
+the	_
+chicago	_
+metro	_
+area	_
+like	_
+for	_
+example	_
+burger	_
+king	_
+portillo	_
+s	_
+white	_
+castle	_
+which	_
+one	_
+do	_
+like	_
+the	_
+best	_
+?	_
+
+Red	_
+Robin	_
+.	_
+
+Onion	_
+Rings	_
+are	_
+great	_
+and	_
+the	_
+fries	_
+are	_
+endless	_
+.	_
+
+Fudrucker	_
+s	_
+.	_
+
+idk	_
+ur	_
+choice	_
+
+Chain	_
+?	_
+
+Does	_
+5	_
+make	_
+a	_
+chain	_
+?	_
+
+Hackney	_
+'s	_
+has	_
+a	_
+great	_
+burger	_
+formula	_
+that	_
+started	_
+about	_
+80	_
+years	_
+ago	_
+.	_
+
+There	_
+are	_
+currently	_
+5	_
+locations	_
+:	_
+
+http://www.hackneys.net/	_
+
+The	_
+latest	_
+spot	_
+for	_
+a	_
+real	_
+Hackney	_
+'s	_
+is	_
+Printers	_
+'	_
+Row	_
+:	_
+
+http://www.hackneysprintersrow.net/	_
+
+See	_
+what	_
+DD	_
+&	_
+D	_
+showed	_
+at	_
+the	_
+original	_
+place	_
+on	_
+Harms	_
+Rd	_
+in	_
+Glenview	_
+:	_
+
+http://www.youtube.com/watch?v=q2lDF0XU3NI	_
+
+Along	_
+with	_
+the	_
+great	_
+burger	_
+try	_
+a	_
+brick	_
+of	_
+onion	_
+rings	_
+if	_
+you	_
+are	_
+with	_
+someone	_
+.	_
+
+Otherwise	_
+a	_
+1/2	_
+brick	_
+will	_
+be	_
+fine	_
+:	_
+
+http://www.flickr.com/photos/jellybeanjill13/532522805/	_
+
+My	_
+dog	_
+has	_
+threw	_
+up	_
+yellow	_
+bile	_
+for	_
+two	_
+days	_
+but	_
+does	_
+not	_
+have	_
+dhirea	_
+.	_
+
+What	_
+should	_
+I	_
+do	_
+?	_
+
+I	_
+'ve	_
+tried	_
+bland	_
+white	_
+rice	_
+but	_
+he	_
+wo	_
+nt	_
+eat	_
+anything	_
+.	_
+
+What	_
+could	_
+it	_
+be	_
+?	_
+
+Should	_
+I	_
+be	_
+concerned	_
+?	_
+
+Call	_
+a	_
+vet	_
+would	_
+be	_
+a	_
+good	_
+idea	_
+with	_
+a	_
+sick	_
+dog	_
+
+VERY	_
+CONCERNED	_
+!!!	_
+
+plz	_
+bring	_
+your	_
+dog	_
+to	_
+the	_
+vet	_
+ASAP	_
+!!!	_
+
+esp	_
+if	_
+not	_
+eating	_
+-	_
+if	_
+it	_
+had	_
+only	_
+happened	_
+once	_
+and	_
+could	_
+get	_
+him	_
+to	_
+eat	_
+right	_
+away	_
+-	_
+it	_
+could	_
+have	_
+been	_
+you	_
+missed	_
+his	_
+meal	_
+time	_
+and	_
+he	_
+needed	_
+to	_
+eat	_
+-	_
+since	_
+it	_
+sounds	_
+like	_
+it	_
+has	_
+happened	_
+several	_
+times	_
+over	_
+two	_
+days	_
+-	_
+then	_
+he	_
+may	_
+have	_
+gotten	_
+int	_
+to	_
+something	_
+that	_
+needs	_
+to	_
+be	_
+attended	_
+to	_
+RIGHT	_
+AWAY	_
+!!!	_
+
+or	_
+has	_
+acquired	_
+some	_
+type	_
+of	_
+disease	_
+and	_
+that	_
+too	_
+needs	_
+to	_
+be	_
+attended	_
+to	_
+...	_
+
+why	_
+are	_
+there	_
+two	_
+statues	_
+of	_
+David	_
+?	_
+
+i	_
+doing	_
+a	_
+research	_
+paper	_
+on	_
+donatello	_
+and	_
+i	_
+notice	_
+that	_
+there	_
+are	_
+two	_
+statues	_
+of	_
+David	_
+,	_
+a	_
+bronze	_
+one	_
+and	_
+marble	_
+one	_
+.	_
+
+Michelangelo	_
+made	_
+the	_
+marble	_
+one	_
+but	_
+why	_
+did	_
+he	_
+do	_
+another	_
+if	_
+Donatello	_
+had	_
+already	_
+made	_
+one	_
+?	_
+
+so	_
+i	_
+m	_
+a	_
+little	_
+confused	_
+,	_
+why	_
+is	_
+there	_
+two	_
+statues	_
+of	_
+David	_
+?	_
+
+different	_
+generations	_
+,	_
+the	_
+donatello	_
+is	_
+of	_
+a	_
+boy	_
+david	_
+as	_
+a	_
+young	_
+sheep	_
+Herder	_
+,	_
+the	_
+Michelangelo	_
+is	_
+the	_
+grown	_
+up	_
+man	_
+david	_
+as	_
+slayer	_
+and	_
+king	_
+
+Because	_
+he	_
+liked	_
+making	_
+statues	_
+of	_
+David	_
+!	_
+:D	_
+
+Obviously	_
+,	_
+he	_
+should	_
+have	_
+been	_
+arrested	_
+and	_
+jailed	_
+-	_
+imagine	_
+making	_
+a	_
+statue	_
+or	_
+painting	_
+on	_
+the	_
+same	_
+subject	_
+as	_
+another	_
+artist	_
+-	_
+clearly	_
+insulting	_
+and	_
+disrespecting	_
+-	_
+wasted	_
+time	_
+that	_
+could	_
+have	_
+been	_
+used	_
+making	_
+a	_
+statue	_
+with	_
+clothes	_
+on	_
+.	_
+
+Name	_
+of	_
+specific	_
+Hibachi	_
+restaurant	_
+in	_
+Chicago	_
+?	_
+
+I	_
+have	_
+a	_
+friend	_
+out	_
+in	_
+Chicago	_
+this	_
+week	_
+,	_
+and	_
+I	_
+am	_
+trying	_
+to	_
+remember	_
+the	_
+name	_
+of	_
+an	_
+awesome	_
+hibachi	_
+style	_
+restaurant	_
+i	_
+visited	_
+while	_
+out	_
+there	_
+a	_
+couple	_
+years	_
+ago	_
+.	_
+
+I	_
+think	_
+it	_
+was	_
+in	_
+the	_
+Lincoln	_
+Square	_
+area	_
+but	_
+do	_
+n't	_
+quote	_
+me	_
+on	_
+that	_
+.	_
+
+It's	_
+'	_
+gimmick	_
+'	_
+was	_
+that	_
+you	_
+fill	_
+your	_
+bowl	_
+cafeteria	_
+-	_
+style	_
+from	_
+raw	_
+ingredients	_
+and	_
+leave	_
+it	_
+on	_
+the	_
+counter	_
+with	_
+a	_
+chopstick	_
+listing	_
+your	_
+table	_
+number	_
+on	_
+it	_
+.	_
+
+Four	_
+guys	_
+around	_
+a	_
+large	_
+square	_
+open	_
+hibachi	_
+cook	_
+your	_
+food	_
+,	_
+and	_
+when	_
+it	_
+'s	_
+finished	_
+a	_
+server	_
+brings	_
+it	_
+to	_
+your	_
+table	_
+.	_
+
+All	_
+-	_
+you	_
+can	_
+-	_
+eat	_
+style	_
+deal	_
+.	_
+
+It	_
+was	_
+pretty	_
+epic	_
+as	_
+I	_
+remember	_
+and	_
+would	_
+love	_
+to	_
+send	_
+my	_
+friend	_
+there	_
+.	_
+
+Any	_
+help	_
+?	_
+
+That	_
+is	_
+Flat	_
+Top	_
+Grill	_
+
+What	_
+'s	_
+the	_
+best	_
+time	_
+to	_
+start	_
+a	_
+trip	_
+around	_
+the	_
+world	_
+?	_
+
+Well	_
+,	_
+I	_
+'m	_
+about	_
+to	_
+graduate	_
+in	_
+less	_
+then	_
+a	_
+year	_
+,	_
+and	_
+I	_
+'m	_
+planning	_
+to	_
+study	_
+medical	_
+school	_
+.	_
+
+But	_
+since	_
+in	_
+my	_
+country	_
+it	_
+lasts	_
+for	_
+minimum	_
+6	_
+years	_
+,	_
+and	_
+I	_
+want	_
+to	_
+go	_
+aground	_
+the	_
+world	_
+,	_
+what	_
+do	_
+you	_
+think	_
+,	_
+should	_
+I	_
+do	_
+it	_
+before	_
+or	_
+after	_
+medical	_
+school	_
+?	_
+
+If	_
+you	_
+can	_
+afford	_
+to	_
+go	_
+before	_
+,	_
+then	_
+by	_
+all	_
+means	_
+,	_
+GO	_
+.	_
+
+If	_
+you	_
+have	_
+to	_
+wait	_
+,	_
+due	_
+to	_
+financial	_
+reasons	_
+,	_
+then	_
+wait	_
+.	_
+
+I	_
+would	_
+much	_
+rather	_
+put	_
+it	_
+off	_
+until	_
+I	_
+can	_
+afford	_
+to	_
+have	_
+the	_
+vacation	_
+of	_
+a	_
+lifetime	_
+as	_
+I	_
+'m	_
+sure	_
+this	_
+trip	_
+is	_
+intended	_
+to	_
+be	_
+.	_
+
+Airfare	_
+alone	_
+will	_
+be	_
+incredibly	_
+expensive	_
+so	_
+make	_
+sure	_
+you	_
+have	_
+the	_
+money	_
+and	_
+of	_
+course	_
+free	_
+time	_
+to	_
+take	_
+your	_
+time	_
+and	_
+have	_
+a	_
+great	_
+time	_
+.	_
+
+canon	_
+t2i	_
+stops	_
+working	_
+?	_
+
+My	_
+canon	_
+t2i	_
+stops	_
+working	_
+at	_
+times	_
+as	_
+in	_
+the	_
+power	_
+bottom	_
+is	_
+switched	_
+to	_
+"	_
+on	_
+"	_
+but	_
+the	_
+camera	_
+does	_
+not	_
+respond	_
+to	_
+any	_
+function	_
+.	_
+
+the	_
+camera	_
+only	_
+begins	_
+to	_
+work	_
+again	_
+when	_
+i	_
+take	_
+out	_
+the	_
+battery	_
+and	_
+put	_
+it	_
+back	_
+in	_
+.	_
+
+did	_
+anyone	_
+have	_
+this	_
+issue	_
+?	_
+
+is	_
+it	_
+worthy	_
+to	_
+send	_
+in	_
+for	_
+warranty	_
+repair	_
+?	_
+
+thanks	_
+!	_
+
+Sounds	_
+simple	_
+enough	_
+to	_
+me	_
+.	_
+
+Your	_
+camera	_
+is	_
+n't	_
+acting	_
+normally	_
+,	_
+you	_
+got	_
+warranty	_
+,	_
+let	_
+Canon	_
+deal	_
+with	_
+it	_
+.	_
+
+I	_
+would	_
+agree	_
+.	_
+
+I	_
+shoot	_
+a	_
+t1i	_
+and	_
+have	_
+n't	_
+had	_
+such	_
+an	_
+issue	_
+.	_
+
+I	_
+also	_
+agree	_
+it	_
+'s	_
+under	_
+warranty	_
+so	_
+get	_
+in	_
+touch	_
+with	_
+Canon	_
+.	_
+
+It	_
+sounds	_
+like	_
+a	_
+firmware	_
+issue	_
+and	_
+the	_
+camera	_
+requires	_
+a	_
+re-boot	_
+just	_
+like	_
+what	_
+happens	_
+in	_
+a	_
+computer	_
+-	_
+needs	_
+a	_
+re-start	_
+from	_
+time	_
+to	_
+time	_
+but	_
+it	_
+should	_
+n't	_
+be	_
+happening	_
+in	_
+a	_
+camera	_
+.	_
+
+Call	_
+Canon	_
+
+Cheapest	_
+airline	_
+ticket	_
+from	_
+Raleigh	_
+to	_
+Philippines	_
+?	_
+
+I	_
+'m	_
+going	_
+on	_
+a	_
+vacation	_
+to	_
+the	_
+Philippines	_
+in	_
+May	_
+2012	_
+,	_
+and	_
+I	_
+'m	_
+starting	_
+from	_
+Raleigh	_
+,	_
+NC	_
+(	_
+RDU	_
+Airport	_
+)	_
+.	_
+
+Which	_
+airlines	_
+should	_
+I	_
+look	_
+into	_
+and	_
+when	_
+should	_
+I	_
+buy	_
+my	_
+ticket	_
+?	_
+
+The	_
+sooner	_
+the	_
+better	_
+but	_
+I	_
+'d	_
+probably	_
+wait	_
+until	_
+after	_
+the	_
+holidays	_
+.	_
+
+Use	_
+Travelocity	_
+or	_
+Expedia	_
+and	_
+see	_
+what	_
+you	_
+come	_
+up	_
+with	_
+.	_
+
+My	_
+friend	_
+goes	_
+to	_
+the	_
+Phils	_
+every	_
+6	_
+months	_
+or	_
+so	_
+and	_
+she	_
+has	_
+found	_
+that	_
+Korean	_
+Air	_
+has	_
+had	_
+the	_
+cheapest	_
+fares	_
+lately	_
+.	_
+
+Raleigh	_
+to	_
+Chicago	_
+,	_
+Chicago	_
+to	_
+Seoul	_
+and	_
+then	_
+Seoul	_
+to	_
+Manila	_
+.	_
+
+Compare	_
+compare	_
+compare	_
+-	_
+that	_
+'s	_
+the	_
+key	_
+to	_
+getting	_
+the	_
+best	_
+deal	_
+.	_
+
+Ask	_
+a	_
+travel	_
+agent	_
+!	_
+
+On	_
+my	_
+last	_
+6	_
+trips	_
+here	_
+from	_
+the	_
+states	_
+I	_
+used	_
+"	_
+Fly	_
+genesis	_
+"	_
+based	_
+in	_
+Seattle	_
+,	_
+Wa	_
+.	_
+
+They	_
+gave	_
+the	_
+best	_
+service	_
+&	_
+rates	_
+I	_
+could	_
+find	_
+.	_
+
+What	_
+is	_
+the	_
+best	_
+place	_
+to	_
+get	_
+discounts	_
+for	_
+San	_
+Francisco	_
+restaurants	_
+?	_
+
+I	_
+just	_
+moved	_
+into	_
+the	_
+city	_
+,	_
+and	_
+I	_
+'m	_
+wondering	_
+if	_
+there	_
+'s	_
+a	_
+place	_
+I	_
+can	_
+get	_
+good	_
+deals	_
+on	_
+restaurants	_
+here	_
+.	_
+
+I	_
+do	_
+n't	_
+want	_
+to	_
+have	_
+to	_
+deal	_
+with	_
+those	_
+deal	_
+-	_
+a	_
+-	_
+day	_
+websites	_
+like	_
+Groupon	_
+.	_
+
+I	_
+just	_
+want	_
+a	_
+simple	_
+way	_
+to	_
+get	_
+a	_
+good	_
+deal	_
+to	_
+whatever	_
+Restaurant	_
+I	_
+want	_
+,	_
+whenever	_
+I	_
+want	_
+.	_
+
+Any	_
+suggestions	_
+would	_
+be	_
+really	_
+helpful	_
+,	_
+thanks	_
+!	_
+
+I	_
+usually	_
+use	_
+ZebraKlub	_
+.	_
+
+They	_
+basically	_
+buy	_
+daily	_
+deals	_
+from	_
+Groupon	_
+,	_
+Living	_
+Social	_
+,	_
+and	_
+all	_
+sorts	_
+of	_
+other	_
+places	_
+.	_
+
+So	_
+you	_
+can	_
+pretty	_
+much	_
+get	_
+whatever	_
+deal	_
+you	_
+want	_
+anytime	_
+.	_
+
+Most	_
+of	_
+the	_
+deals	_
+let	_
+you	_
+eat	_
+for	_
+500	_
+ff	_
+,	_
+and	_
+some	_
+of	_
+the	_
+deals	_
+are	_
+even	_
+free	_
+.	_
+
+If	_
+you	_
+want	_
+to	_
+eat	_
+cheaply	_
+without	_
+worrying	_
+about	_
+all	_
+those	_
+daily	_
+deal	_
+emails	_
+every	_
+day	_
+,	_
+ZebraKlub	_
+should	_
+be	_
+perfect	_
+for	_
+you	_
+.	_
+
+Where	_
+can	_
+I	_
+go	_
+on	_
+a	_
+first	_
+date	_
+(	_
+adults	_
+)	_
+?	_
+
+Looking	_
+for	_
+something	_
+on	_
+the	_
+casual	_
+side	_
+and	_
+we	_
+want	_
+it	_
+to	_
+be	_
+fun	_
+.	_
+
+May	_
+seem	_
+a	_
+little	_
+silly	_
+,	_
+but	_
+,	_
+taking	_
+a	_
+long	_
+ride	_
+on	_
+the	_
+Metra	_
+system	_
+or	_
+the	_
+"	_
+L	_
+"	_
+system	_
+is	_
+a	_
+great	_
+way	_
+to	_
+see	_
+the	_
+city	_
+and	_
+sites	_
+without	_
+spending	_
+a	_
+fortune	_
+.	_
+
+Or	_
+how	_
+about	_
+visiting	_
+the	_
+Chicago	_
+Botanical	_
+Gardens	_
+and	_
+see	_
+the	_
+change	_
+of	_
+colors	_
+and	_
+enjoy	_
+the	_
+air	_
+,	_
+They	_
+also	_
+have	_
+many	_
+inside	_
+exhibits	_
+you	_
+might	_
+enjoy	_
+,	_
+food	_
+is	_
+pretty	_
+good	_
+to	_
+.	_
+
+go	_
+2	_
+starbucks	_
+do	_
+nt	_
+spend	_
+more	_
+than	_
+20	_
+bucks	_
+:)	_
+
+Bike	_
+ride	_
+in	_
+the	_
+park	_
+,	_
+followed	_
+by	_
+coffee	_
+.	_
+
+You	_
+are	_
+busy	_
+,	_
+you	_
+do	_
+n't	_
+have	_
+to	_
+sit	_
+face	_
+to	_
+face	_
+to	_
+try	_
+
+to	_
+make	_
+convo	_
+,	_
+it	_
+'s	_
+short	_
+,	_
+so	_
+if	_
+things	_
+go	_
+great	_
+,	_
+you	_
+can	_
+
+extend	_
+,	_
+and	_
+if	_
+you	_
+want	_
+to	_
+end	_
+it	_
+,	_
+you	_
+just	_
+say	_
+bye	_
+,	_
+
+got	_
+ta	_
+go	_
+.	_
+
+I	_
+decided	_
+to	_
+get	_
+a	_
+150	_
+gal	_
+aquarium	_
+,	_
+what	_
+can	_
+I	_
+fill	_
+it	_
+with	_
+?	_
+
+I	_
+was	_
+thinking	_
+cichlids	_
+?	_
+
+Possibly	_
+a	_
+freshwater	_
+tank	_
+with	_
+a	_
+ton	_
+of	_
+different	_
+species	_
+in	_
+there	_
+.	_
+
+I	_
+'ve	_
+never	_
+kept	_
+cichlids	_
+though	_
+.	_
+
+I	_
+know	_
+saltwater	_
+is	_
+a	_
+possibility	_
+,	_
+can	_
+you	_
+give	_
+me	_
+a	_
+possible	_
+stocking	_
+option	_
+for	_
+that	_
+too	_
+?	_
+
+I	_
+'ll	_
+choose	_
+the	_
+one	_
+that	_
+sounds	_
+the	_
+best	_
+after	_
+looking	_
+into	_
+all	_
+the	_
+fish	_
+:)	_
+
+Here	_
+is	_
+the	_
+stocking	_
+for	_
+my	_
+150	_
+gallon	_
+tank	_
+i	_
+upgraded	_
+it	_
+to	_
+200	_
+at	_
+the	_
+weekend	_
+because	_
+of	_
+the	_
+clownloach	_
+A	_
+200	_
+gallon	_
+with	_
+6	_
+pairs	_
+of	_
+Breeding	_
+Angel	_
+fish	_
+fire	_
+mouth	_
+honey	_
+Gouramis	_
+5	_
+8	_
+inch	_
+clownloach	_
+a	_
+Krib	_
+and	_
+5	_
+1	_
+inch	_
+clown	_
+loach	_
+with	_
+16	_
+cory	_
+cats	_
+5	_
+Australian	_
+Rainbows	_
+
+If	_
+you	_
+took	_
+out	_
+the	_
+clown	_
+loach	_
+it	_
+would	_
+make	_
+a	_
+nice	_
+150	_
+gallon	_
+tank	_
+.	_
+
+fill	_
+it	_
+with	_
+water	_
+:)	_
+lol	_
+
+for	_
+a	_
+tank	_
+that	_
+size	_
+i	_
+would	_
+suggest	_
+oscars	_
+or	_
+piranha	_
+every	_
+time	_
+awesome	_
+fish	_
+!!	_
+
+never	_
+response	_
+the	_
+phone	_
+call	_
+
+Great	_
+deals	_
+,	_
+great	_
+pizza	_
+!	_
+
+Great	_
+gym	_
+and	_
+great	_
+services	_
+.	_
+
+Dr.	_
+White	_
+is	_
+the	_
+best	_
+!	_
+
+Good	_
+clean	_
+store	_
+nice	_
+car	_
+wash	_
+
+It	_
+'s	_
+well	_
+cool	_
+.	_
+:)	_
+
+Awesome	_
+service	_
+with	_
+a	_
+smile	_
+:)	_
+
+WHAT	_
+A	_
+GREAT	_
+DEAL	_
+THANK	_
+YOU	_
+
+The	_
+pancakes	_
+are	_
+to	_
+die	_
+for	_
+.	_
+
+Best	_
+fried	_
+shrimp	_
+in	_
+the	_
+state	_
+!	_
+
+Fast	_
+and	_
+great	_
+service	_
+on	_
+pool	_
+covers	_
+
+Friendliest	_
+place	_
+I	_
+have	_
+ever	_
+stayed	_
+!	_
+
+The	_
+best	_
+pilates	_
+on	_
+the	_
+Gold	_
+Coast	_
+!	_
+
+It	_
+taste	_
+better	_
+than	_
+In	_
+and	_
+Out	_
+....	_
+
+Good	_
+local	_
+steakhouse	_
+,	_
+I	_
+recommend	_
+it	_
+!	_
+
+Dessert	_
+was	_
+good	_
+.	_
+
+Rest	_
+was	_
+too	_
+oily	_
+.	_
+
+it	_
+was	_
+a	_
+little	_
+to	_
+high	_
+dollar	_
+for	_
+me	_
+
+Very	_
+Informative	_
+website	_
+with	_
+a	_
+lot	_
+of	_
+good	_
+work	_
+
+wow	_
+wow	_
+wow	_
+.	_
+
+the	_
+bast	_
+cab	_
+in	_
+minneapolis	_
+
+Great	_
+food	_
+and	_
+nice	_
+people	_
+very	_
+pleasant	_
+experience	_
+.	_
+
+Tire	_
+Gooroo	_
+
+David	_
+Bundren	_
+is	_
+the	_
+Tire	_
+GooRoo	_
+.	_
+
+good	_
+
+it	_
+is	_
+a	_
+cute	_
+little	_
+nice	_
+and	_
+quiet	_
+library	_
+
+they	_
+recovered	_
+the	_
+pics	_
+geeksquad	_
+deleted	_
+.	_
+
+many	_
+thanks	_
+
+local	_
+crew	_
+!!!	_
+
+home	_
+team	_
+-	_
+thanks	_
+4	_
+playin	_
+!!!	_
+
+Great	_
+Service	_
+,	_
+Thanks	_
+Don	_
+.	_
+
+Nice	_
+Top	_
+Lights	_
+.	_
+
+Best	_
+ceviche	_
+that	_
+I	_
+'d	_
+had	_
+so	_
+far	_
+!	_
+:)	_
+
+A	_
+very	_
+nice	_
+park	_
+.	_
+
+The	_
+architecture	_
+is	_
+simplz	_
+splendid	_
+.	_
+
+the	_
+service	_
+is	_
+quick	_
+.	_
+
+and	_
+the	_
+people	_
+are	_
+sweet	_
+:)	_
+
+Yeah	_
+they	_
+ruined	_
+some	_
+shirts	_
+I	_
+had	_
+too	_
+.	_
+
+Horrible	_
+!	_
+
+very	_
+reasonable	_
+prices	_
+.	_
+
+quick	_
+in	_
+&	_
+out	_
+.	_
+
+Friendly	_
+service	_
+.	_
+
+This	_
+is	_
+my	_
+favorite	_
+coffee	_
+store	_
+.	_
+
+Just	_
+ask	_
+American	_
+Express	_
+
+Too	_
+many	_
+kids	_
+,	_
+too	_
+many	_
+knifings	_
+,	_
+too	_
+many	_
+taserings	_
+.	_
+
+Thank	_
+you	_
+for	_
+fixing	_
+the	_
+leak	_
+on	_
+my	_
+bathroom	_
+!	_
+
+Thanks	_
+!	_
+
+this	_
+is	_
+the	_
+worst	_
+Sam	_
+s	_
+club	_
+I	_
+'ve	_
+ever	_
+been	_
+to	_
+
+Got	_
+to	_
+love	_
+this	_
+place	_
+.	_
+
+Everyone	_
+is	_
+relaxed	_
+and	_
+having	_
+fun	_
+!!!	_
+
+Friendly	_
+service	_
+.	_
+
+Attentive	_
+to	_
+the	_
+needs	_
+of	_
+customer	_
+.	_
+
+Thanks	_
+again	_
+!	_
+
+This	_
+place	_
+is	_
+awesome	_
+
+Great	_
+work	_
+,	_
+good	_
+price	_
+.	_
+
+Definetely	_
+going	_
+back	_
+
+Great	_
+product	_
+,	_
+great	_
+service	_
+!!!	_
+
+Installed	_
+Biometrics	_
+and	_
+Got	_
+Excellent	_
+Service	_
+.	_
+
+Feels	_
+like	_
+you	_
+are	_
+in	_
+Brooklyn	_
+,	_
+but	_
+people	_
+watching	_
+is	_
+entertaining	_
+.	_
+
+green	_
+curry	_
+and	_
+red	_
+curry	_
+is	_
+awesome	_
+!	_
+
+remember	_
+to	_
+ask	_
+for	_
+extra	_
+vege	_
+
+Usually	_
+very	_
+quick	_
+and	_
+timely	_
+.	_
+
+Doctor	_
+Bogomilsky	_
+knows	_
+her	_
+stuff	_
+too	_
+.	_
+
+The	_
+best	_
+Supermarket	_
+in	_
+Bay	_
+Ridge	_
+have	_
+everything	_
+what	_
+a	_
+customer	_
+needs	_
+.	_
+
+Wonderful	_
+Wonderful	_
+People	_
+!	_
+
+I	_
+refer	_
+to	_
+VNHH	_
+often	_
+and	_
+love	_
+you	_
+guys	_
+.	_
+
+Did	_
+a	_
+great	_
+job	_
+of	_
+removing	_
+my	_
+tree	_
+in	_
+Conyers	_
+.	_
+
+Thanks	_
+Southland	_
+.	_
+
+Nice	_
+little	_
+locally	_
+owned	_
+greek	_
+bar	_
+and	_
+grill	_
+.	_
+
+Good	_
+food	_
+.	_
+
+Great	_
+wings	_
+!	_
+
+Do	_
+n't	_
+bother	_
+.	_
+
+It	_
+'s	_
+impossible	_
+to	_
+understand	_
+how	_
+this	_
+place	_
+has	_
+survived	_
+.	_
+
+The	_
+finest	_
+German	_
+bedding	_
+and	_
+linens	_
+store	_
+.	_
+
+Quality	_
+and	_
+service	_
+come	_
+first	_
+here	_
+.	_
+
+Place	_
+is	_
+legit	_
+.	_
+
+We	_
+got	_
+upgraded	_
+to	_
+a	_
+corner	_
+suite	_
+!	_
+
+Room	_
+was	_
+amazing	_
+.	_
+
+hard	_
+to	_
+forgive	_
+such	_
+an	_
+awful	_
+margarita	_
+and	_
+steep	_
+prices	_
+but	_
+the	_
+food	_
+can	_
+be	_
+good	_
+
+Linda	_
+
+I	_
+would	_
+highly	_
+recommend	_
+Landscape	_
+by	_
+Hiro	_
+.	_
+
+Excellent	_
+customer	_
+service	_
+and	_
+quality	_
+work	_
+.	_
+
+I	_
+love	_
+this	_
+place	_
+lots	_
+of	_
+people	_
+to	_
+talk	_
+to	_
+and	_
+school	_
+is	_
+across	_
+the	_
+street	_
+!	_
+
+Drove	_
+all	_
+the	_
+way	_
+over	_
+from	_
+the	_
+highway	_
+...	_
+closed	_
+at	_
+7	_
+.	_
+
+Who	_
+does	_
+that	_
+?!	_
+
+You	_
+are	_
+the	_
+only	_
+one	_
+auto	_
+glass	_
+repair	_
+shop	_
+in	_
+the	_
+area	_
+I	_
+would	_
+count	_
+on	_
+.	_
+
+Great	_
+job	_
+on	_
+my	_
+roof	_
+and	_
+the	_
+pricing	_
+was	_
+fair	_
+.	_
+
+Will	_
+use	_
+again	_
+in	_
+the	_
+future	_
+.	_
+
+Kyle	_
+with	_
+Bullwark	_
+
+Great	_
+job	_
+!	_
+
+Listened	_
+to	_
+my	_
+problem	_
+and	_
+took	_
+care	_
+of	_
+it	_
+.	_
+
+Thanks	_
+!	_
+
+AWESOME	_
+food	_
+!	_
+
+Make	_
+sure	_
+to	_
+put	_
+OILY	_
+sauces	_
+on	_
+your	_
+food	_
+to	_
+make	_
+it	_
+moist	_
+!	_
+
+YUM	_
+
+This	_
+is	_
+a	_
+Ralph	_
+'s	_
+
+I	_
+just	_
+called	_
+this	_
+number	_
+and	_
+it	_
+is	_
+a	_
+Ralph	_
+'s	_
+Market	_
+.	_
+
+Hospitality	_
+.!	_
+
+Very	_
+good	_
+hospitality	_
+offered	_
+.!	_
+
+Keep	_
+it	_
+up	_
+.	_
+
+-	_
+Shree	_
+Ghatkopar	_
+Bhatia	_
+Mitra	_
+Mandal	_
+
+Close	_
+to	_
+my	_
+house	_
+,	_
+this	_
+is	_
+the	_
+only	_
+reason	_
+I	_
+would	_
+go	_
+to	_
+this	_
+particular	_
+QT	_
+.	_
+
+Men	_
+s	_
+and	_
+Boys	_
+Barbers	_
+,	_
+on	_
+the	_
+number	_
+9	_
+Bus	_
+route	_
+.	_
+
+Ladies	_
+room	_
+,	_
+Open	_
+Sundays	_
+
+This	_
+is	_
+a	_
+great	_
+place	_
+to	_
+get	_
+a	_
+permit	_
+
+I	_
+had	_
+to	_
+get	_
+a	_
+permit	_
+here	_
+,	_
+it	_
+was	_
+cool	_
+
+best	_
+
+Best	_
+pedi	_
+mani	_
+I	_
+ve	_
+ever	_
+had	_
+.	_
+
+Darla	_
+is	_
+amazing	_
+,	_
+I	_
+would	_
+recoment	_
+her	_
+to	_
+anyone	_
+.	_
+
+You	_
+guys	_
+do	_
+everything	_
+wonderful	_
+!	_
+
+We	_
+honestly	_
+can	_
+not	_
+think	_
+of	_
+even	_
+1	_
+thing	_
+we	_
+did	_
+n't	_
+like	_
+!	_
+
+kudos	_
+to	_
+Allentown	_
+Post	_
+Office	_
+staff	_
+
+The	_
+staff	_
+in	_
+Allentown	_
+are	_
+friendly	_
+,	_
+helpful	_
+and	_
+a	_
+delight	_
+to	_
+know	_
+..	_
+
+amazing	_
+,	_
+fun	_
+,	_
+great	_
+beers	_
+.	_
+
+service	_
+could	_
+be	_
+a	_
+little	_
+better	_
+but	_
+it	_
+s	_
+an	_
+all	_
+round	_
+good	_
+place	_
+
+Amazing	_
+service	_
+!	_
+
+I	_
+just	_
+had	_
+the	_
+best	_
+experience	_
+at	_
+this	_
+Kal	_
+Tire	_
+location	_
+.	_
+
+Courteous	_
+,	_
+fast	_
+and	_
+friendly	_
+.	_
+
+Quality	_
+has	_
+fallen	_
+over	_
+the	_
+years	_
+,	_
+but	_
+still	_
+the	_
+best	_
+go	_
+-	_
+to	_
+burger	_
+place	_
+on	_
+the	_
+East	_
+Bay	_
+.	_
+
+STAY	_
+AWAY	_
+
+Horrible	_
+service	_
+.	_
+
+Absolutely	_
+rude	_
+.	_
+
+Did	_
+services	_
+I	_
+asked	_
+them	_
+NOT	_
+to	_
+do	_
+and	_
+was	_
+still	_
+charged	_
+.	_
+
+Highly	_
+recommended	_
+
+My	_
+8	_
+year	_
+old	_
+daughter	_
+loves	_
+this	_
+place	_
+.	_
+
+The	_
+best	_
+climbing	_
+club	_
+around	_
+.	_
+
+Hooray	_
+for	_
+Craggy	_
+.	_
+
+The	_
+food	_
+is	_
+excellent	_
+,	_
+but	_
+very	_
+overpriced	_
+.	_
+
+How	_
+do	_
+you	_
+run	_
+a	_
+cafe	_
+,	_
+with	_
+no	_
+refills	_
+on	_
+coffee	_
+-	_
+?	_
+
+telephone	_
+number	_
+
+the	_
+telephone	_
+number	_
+is	_
+incorrect	_
+-	_
+our	_
+new	_
+mobile	_
+number	_
+is	_
+07551310002	_
+or	_
+landline	_
+01634	_
+710033	_
+.	_
+
+thank	_
+you	_
+
+the	_
+team	_
+at	_
+barton	_
+car	_
+wash	_
+was	_
+very	_
+friendly	_
+.	_
+
+and	_
+did	_
+great	_
+job	_
+.	_
+
+i	_
+was	_
+very	_
+pleased	_
+with	_
+the	_
+service	_
+.	_
+
+I	_
+appreciate	_
+the	_
+quick	_
+,	_
+good	_
+service	_
+and	_
+the	_
+reasonable	_
+prices	_
+and	_
+will	_
+definitely	_
+use	_
+American	_
+Pride	_
+Irrigation	_
+&	_
+Landscaping	_
+again	_
+.	_
+
+I	_
+like	_
+I	_
+Move	_
+CA	_
+-	_
+Los	_
+Angeles	_
+Movers	_
+,	_
+they	_
+moved	_
+me	_
+before	_
+,	_
+but	_
+this	_
+time	_
+they	_
+were	_
+awesome	_
+:)	_
+
+Poor	_
+Taste	_
+
+There	_
+is	_
+no	_
+lower	_
+rating	_
+for	_
+Noonan	_
+'s	_
+Liquor	_
+,	_
+owners	_
+and	_
+employees	_
+.	_
+
+A	_
+negative	_
+number	_
+is	_
+not	_
+available	_
+.	_
+
+CLH	_
+
+Very	_
+friendly	_
+people	_
+offering	_
+a	_
+brilliant	_
+service	_
+.	_
+
+Sent	_
+scented	_
+flowers	_
+home	_
+instead	_
+of	_
+postcards	_
+.	_
+
+Recommend	_
+you	_
+call	_
+in	_
+for	_
+a	_
+look	_
+.	_
+
+Worst	_
+experience	_
+ever	_
+like	_
+a	_
+sardine	_
+can	_
+and	_
+the	_
+bartender	_
+downstairs	_
+is	_
+the	_
+rudest	_
+person	_
+I	_
+have	_
+ever	_
+met	_
+.	_
+
+DO	_
+Nt	_
+Go	_
+here	_
+
+Restaurant	_
+on	_
+top	_
+was	_
+renovated	_
+,	_
+food	_
+was	_
+decent	_
+,	_
+price	_
+was	_
+way	_
+to	_
+high	_
+for	_
+Duluth	_
+for	_
+quality	_
+,	_
+new	_
+decor	_
+seems	_
+tacky	_
+
+Rude	_
+and	_
+Untrustworthy	_
+
+These	_
+guys	_
+took	_
+Customer	_
+Service	_
+101	_
+from	_
+a	_
+Neanderthal	_
+.	_
+
+They	_
+are	_
+especially	_
+rude	_
+to	_
+women	_
+.	_
+
+Do	_
+not	_
+trust	_
+them	_
+!	_
+
+Good	_
+food	_
+,	_
+good	_
+location	_
+,	_
+and	_
+good	_
+prices	_
+.	_
+
+But	_
+the	_
+servers	_
+do	_
+n't	_
+pay	_
+attention	_
+to	_
+you	_
+whether	_
+it	_
+'s	_
+busy	_
+or	_
+not	_
+.	_
+
+One	_
+of	_
+the	_
+better	_
+vegetarian	_
+sandwiches	_
+I	_
+'ve	_
+had	_
+in	_
+Seattle	_
+.	_
+
+And	_
+from	_
+a	_
+place	_
+that	_
+specializes	_
+in	_
+high	_
+quality	_
+meat	_
+,	_
+too	_
+.	_
+
+Old	_
+time	_
+grocery	_
+,	_
+best	_
+steaks	_
+I	_
+have	_
+ever	_
+had	_
+!	_
+
+Great	_
+meats	_
+that	_
+are	_
+already	_
+cooked	_
+,	_
+easy	_
+to	_
+take	_
+home	_
+for	_
+dinner	_
+.	_
+
+Inford	_
+Media	_
+
+Media	_
+,	_
+Software	_
+,	_
+Fun	_
+and	_
+Games	_
+,	_
+Website	_
+design	_
+,	_
+Web	_
+Promotion	_
+,	_
+B2B	_
+,	_
+Business	_
+Promotion	_
+,	_
+Search	_
+Engine	_
+Optimization	_
+.	_
+
+Relish	_
+
+A	_
+Top	_
+Quality	_
+Sandwich	_
+made	_
+to	_
+artistic	_
+standards	_
+.	_
+
+The	_
+best	_
+darlington	_
+has	_
+to	_
+offer	_
+in	_
+contemporary	_
+sandwicheering	_
+.	_
+
+Drum	_
+and	_
+bass	_
+as	_
+standard	_
+.	_
+
+Will	_
+never	_
+use	_
+again	_
+.	_
+
+Very	_
+rude	_
+and	_
+unprofessional	_
+.	_
+
+The	_
+workers	_
+sped	_
+up	_
+and	_
+down	_
+the	_
+street	_
+with	_
+no	_
+mind	_
+to	_
+the	_
+small	_
+children	_
+playing	_
+.	_
+
+ipad	_
+reiew	_
+
+they	_
+are	_
+the	_
+best	_
+orthodontics	_
+in	_
+the	_
+world	_
+.	_
+
+i	_
+went	_
+there	_
+since	_
+i	_
+was	_
+four	_
+.	_
+
+now	_
+i	_
+will	_
+have	_
+really	_
+straight	_
+teeth	_
+.	_
+
+Pam	_
+the	_
+Pom	_
+
+Fantastic	_
+couple	_
+of	_
+days	_
+.	_
+
+Breathtaking	_
+views	_
+and	_
+fabulous	_
+accommodation	_
+.	_
+
+Nothing	_
+too	_
+much	_
+trouble	_
+for	_
+Ian	_
+,	_
+thanks	_
+for	_
+a	_
+great	_
+stay	_
+.	_
+
+Daniel	_
+and	_
+his	_
+assistant	_
+both	_
+did	_
+a	_
+great	_
+job	_
+.	_
+
+Very	_
+professional	_
+and	_
+great	_
+results	_
+.	_
+
+Many	_
+thanks	_
+from	_
+myself	_
+and	_
+all	_
+of	_
+our	_
+wedding	_
+guests	_
+!	_
+
+what	_
+a	_
+mind	_
+blowing	_
+servicing	_
+
+They	_
+treat	_
+there	_
+employees	_
+with	_
+respect	_
+and	_
+concern	_
+and	_
+expect	_
+that	_
+they	_
+will	_
+extend	_
+the	_
+same	_
+politeness	_
+to	_
+there	_
+customers	_
+.	_
+
+absolutely	_
+fantastic	_
+experience	_
+getting	_
+my	_
+iphone	_
+upgraded	_
+at	_
+Zion	_
+...	_
+
+Sheer	_
+contrast	_
+to	_
+getting	_
+it	_
+done	_
+at	_
+karol	_
+bagh	_
+which	_
+is	_
+done	_
+under	_
+the	_
+wooden	_
+plank	_
+
+Decent	_
+place	_
+to	_
+stay	_
+,	_
+I	_
+would	_
+stay	_
+there	_
+again	_
+.	_
+
+Rooms	_
+were	_
+clean	_
+,	_
+plenty	_
+of	_
+things	_
+to	_
+do	_
+near	_
+hotel	_
+,	_
+and	_
+safe	_
+part	_
+of	_
+town	_
+.	_
+
+Best	_
+Electrician	_
+in	_
+Florence	_
+
+I	_
+have	_
+been	_
+using	_
+Steele	_
+Electric	_
+for	_
+years	_
+.	_
+
+They	_
+have	_
+always	_
+done	_
+a	_
+great	_
+job	_
+at	_
+a	_
+reasonable	_
+price	_
+.	_
+
+Highly	_
+recommended	_
+.	_
+
+Not	_
+impressed	_
+.	_
+
+Overpriced	_
+and	_
+the	_
+doctor	_
+acted	_
+arrogant	_
+and	_
+rushed	_
+at	_
+a	_
+time	_
+when	_
+there	_
+was	_
+very	_
+few	_
+clients	_
+in	_
+the	_
+facility	_
+.	_
+
+I	_
+wo	_
+n't	_
+return	_
+.	_
+
+A	_
+thoroughly	_
+comprehensive	_
+service	_
+;	_
+excellent	_
+communication	_
+and	_
+best	_
+of	_
+they	_
+are	_
+transparent	_
+with	_
+their	_
+fee	_
+(	_
+ie	_
+nothing	_
+is	_
+simply	_
+implied	_
+or	_
+assumed	_
+)	_
+.	_
+
+I	_
+gave	_
+Dr.	_
+Rohatgi	_
+2	_
+stars	_
+because	_
+her	_
+assistant	_
+was	_
+very	_
+pleasant	_
+.	_
+
+However	_
+,	_
+I	_
+did	_
+not	_
+find	_
+her	_
+very	_
+helpful	_
+and	_
+her	_
+receptionist	_
+was	_
+rude	_
+.	_
+
+Extremely	_
+greasy	_
+.	_
+
+Hit	_
+or	_
+miss	_
+on	_
+the	_
+service	_
+.	_
+
+My	_
+fries	_
+were	_
+n't	_
+fully	_
+cooked	_
+last	_
+time	_
+I	_
+went	_
+there	_
+.	_
+
+Pretty	_
+spendy	_
+for	_
+really	_
+not	_
+great	_
+quality	_
+
+The	_
+management	_
+and	_
+staff	_
+are	_
+superb	_
+.	_
+
+I	_
+worked	_
+with	_
+Sam	_
+Mones	_
+who	_
+took	_
+great	_
+care	_
+of	_
+me	_
+.	_
+
+This	_
+is	_
+by	_
+far	_
+the	_
+best	_
+run	_
+dealership	_
+in	_
+Miami	_
+.	_
+
+The	_
+company	_
+gets	_
+busy	_
+but	_
+you	_
+never	_
+have	_
+to	_
+wait	_
+long	_
+because	_
+they	_
+ARE	_
+orginizied	_
+,	_
+so	_
+you	_
+are	_
+in	_
+,	_
+out	_
+,	_
+and	_
+paid	_
+well	_
+for	_
+your	_
+scrap	_
+
+Winning	_
+Attorney	_
+!	_
+
+The	_
+only	_
+10.0	_
+"	_
+Perfect	_
+Score	_
+"	_
+AVVO	_
+Rated	_
+Attorney	_
+I	_
+Have	_
+Ever	_
+Met	_
+.	_
+
+I	_
+Highly	_
+Recommend	_
+,	_
+The	_
+Law	_
+Offices	_
+Of	_
+Dale	_
+Gribow	_
+!!	_
+
+Sanctuary	_
+is	_
+amazing	_
+!	_
+
+Sanctuary	_
+serves	_
+delicious	_
+,	_
+somewhat	_
+healthy	_
+food	_
+in	_
+a	_
+great	_
+restaurant	_
+/	_
+fast	_
+food	_
+style	_
+.	_
+
+The	_
+employees	_
+are	_
+really	_
+friendly	_
+.	_
+
+And	_
+they	_
+deliver	_
+!	_
+
+What	_
+a	_
+Preschool	_
+!	_
+
+If	_
+you	_
+want	_
+the	_
+best	_
+for	_
+your	_
+child	_
+,	_
+do	_
+n't	_
+hesitate	_
+in	_
+visiting	_
+this	_
+wornderful	_
+school	_
+.	_
+
+This	_
+is	_
+the	_
+very	_
+best	_
+in	_
+the	_
+Gables	_
+.	_
+
+What	_
+a	_
+Dump	_
+!	_
+
+The	_
+food	_
+is	_
+terrible	_
+.	_
+
+The	_
+place	_
+smells	_
+and	_
+the	_
+owner	_
+is	_
+very	_
+very	_
+rude	_
+!	_
+
+I	_
+could	_
+go	_
+on	_
+and	_
+on	_
+!	_
+
+Just	_
+do	_
+n't	_
+go	_
+there	_
+.	_
+
+house	_
+closing	_
+
+Mrs.	_
+Tolchin	_
+provided	_
+us	_
+with	_
+excellent	_
+service	_
+and	_
+came	_
+with	_
+a	_
+great	_
+deal	_
+of	_
+knowledge	_
+and	_
+professionalism	_
+!	_
+
+Her	_
+flexibility	_
+and	_
+accessibility	_
+made	_
+for	_
+an	_
+easy	_
+closing	_
+.	_
+
+Food	_
+is	_
+often	_
+expired	_
+so	_
+check	_
+the	_
+dates	_
+every	_
+time	_
+!	_
+
+Also	_
+more	_
+often	_
+than	_
+not	_
+you	_
+end	_
+up	_
+with	_
+a	_
+healthy	_
+dose	_
+of	_
+nasty	_
+rude	_
+attitude	_
+from	_
+the	_
+employees	_
+!	_
+
+No	_
+complaints	_
+
+I	_
+have	_
+no	_
+complaints	_
+about	_
+the	_
+service	_
+I	_
+received	_
+.	_
+
+This	_
+man	_
+was	_
+polite	_
+,	_
+professional	_
+,	_
+clean	_
+and	_
+quick	_
+.	_
+
+I	_
+never	_
+felt	_
+worried	_
+and	_
+walked	_
+away	_
+satisfied	_
+.	_
+
+THE	_
+TEACHING	_
+THERE	_
+SUCKS	_
+!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!	_
+
+ALL	_
+OF	_
+THE	_
+TEACHERS	_
+THERE	_
+ARE	_
+SO	_
+MEAN	_
+THEY	_
+GET	_
+MAD	_
+AT	_
+YOU	_
+FOR	_
+NOTHING	_
+!!!!!!!!!!!!!!!!!!!	_
+
+THIS	_
+IS	_
+THE	_
+WORST	_
+SCHOOL	_
+I	_
+VE	_
+BEEN	_
+TO	_
+!!!!!!	_
+
+Staten	_
+Island	_
+Computers	_
+
+Superior	_
+work	_
+-	_
+always	_
+comes	_
+through	_
+when	_
+we	_
+need	_
+him	_
+.	_
+
+We	_
+have	_
+tried	_
+many	_
+different	_
+computer	_
+people	_
+until	_
+now	_
+-	_
+we	_
+will	_
+stick	_
+with	_
+Qualitech	_
+Computers	_
+!!!	_
+
+not	_
+impressive	_
+enough	_
+
+It	_
+'s	_
+a	_
+fine	_
+place	_
+,	_
+I	_
+'m	_
+just	_
+a	_
+little	_
+mystified	_
+about	_
+the	_
+Michelin	_
+star	_
+.	_
+
+Nothing	_
+wrong	_
+with	_
+it	_
+,	_
+just	_
+better	_
+options	_
+at	_
+this	_
+price	_
+point	_
+.	_
+
+exelent	_
+Job	_
+
+"	_
+Thank	_
+you	_
+so	_
+much	_
+for	_
+the	_
+superior	_
+job	_
+well	_
+done	_
+.	_
+
+We	_
+love	_
+everything	_
+about	_
+the	_
+fence	_
+.	_
+
+You	_
+company	_
+and	_
+services	_
+will	_
+be	_
+recommended	_
+by	_
+us	_
+to	_
+everyone	_
+.	_
+"	_
+
+An	_
+Hour	_
+Of	_
+Prego	_
+Bliss	_
+!	_
+
+I	_
+schedule	_
+my	_
+weekly	_
+appointment	_
+here	_
+just	_
+to	_
+get	_
+a	_
+chance	_
+to	_
+lie	_
+comfortably	_
+on	_
+my	_
+tummy	_
+.	_
+
+And	_
+the	_
+massages	_
+are	_
+heavenly	_
+!	_
+
+Very	_
+friendly	_
+place	_
+.	_
+
+Love	_
+Hop	_
+City	_
+
+This	_
+place	_
+is	_
+great	_
+!	_
+
+Craig	_
+and	_
+Nate	_
+are	_
+wonderful	_
+.	_
+
+I	_
+know	_
+now	_
+where	_
+to	_
+get	_
+all	_
+of	_
+my	_
+wine	_
+and	_
+beer	_
+.	_
+
+No	_
+need	_
+to	_
+go	_
+to	_
+a	_
+grocer	_
+again	_
+.	_
+
+Excellent	_
+energy	_
+efficiency	_
+
+Compact	_
+'s	_
+Corona	_
+dryers	_
+remove	_
+at	_
+least	_
+twice	_
+as	_
+much	_
+water	_
+as	_
+the	_
+previous	_
+dryers	_
+,	_
+allowing	_
+a	_
+production	_
+increase	_
+of	_
+over	_
+10	_
+%	_
+and	_
+a	_
+significant	_
+energy	_
+saving	_
+.	_
+
+We	_
+would	_
+like	_
+to	_
+thank	_
+our	_
+emergency	_
+plumbers	_
+who	_
+visted	_
+our	_
+shop	_
+in	_
+Morningside	_
+Road	_
+today	_
+.	_
+
+A	_
+fast	_
+service	_
+,	_
+saved	_
+a	_
+bad	_
+situation	_
+getting	_
+a	_
+lot	_
+worse	_
+.	_
+
+many	_
+thanks	_
+2scompany	_
+...	_
+
+The	_
+best	_
+Thai	_
+food	_
+I	_
+'ve	_
+ever	_
+had	_
+in	_
+Australia	_
+,	_
+very	_
+fresh	_
+and	_
+so	_
+much	_
+favor	_
+of	_
+authentic	_
+Thai	_
+.	_
+
+The	_
+restaurant	_
+is	_
+the	_
+most	_
+beautiful	_
+thai	_
+restaurant	_
+in	_
+Geelong	_
+...	_
+just	_
+love	_
+it	_
+
+Fresh	_
+and	_
+unic	_
+!	_
+
+Very	_
+professional	_
+,	_
+talented	_
+,	_
+unic	_
+and	_
+fresh	_
+work	_
+.	_
+
+Paula	_
+has	_
+an	_
+amazing	_
+gift	_
+for	_
+creativity	_
+,	_
+vision	_
+and	_
+the	_
+ability	_
+to	_
+combine	_
+art	_
+to	_
+/	_
+with	_
+commercial	_
+purpose	_
+.	_
+
+Bravo	_
+!	_
+
+OK	_
+Food	_
+,	_
+Slow	_
+service	_
+
+The	_
+food	_
+was	_
+incredibly	_
+bland	_
+.	_
+
+Their	_
+Thali	_
+was	_
+not	_
+brought	_
+out	_
+as	_
+described	_
+(	_
+no	_
+saag	_
+)	_
+.	_
+
+Expensive	_
+for	_
+the	_
+level	_
+of	_
+food	_
+and	_
+the	_
+quality	_
+of	_
+service	_
+.	_
+
+Fantastic	_
+professional	_
+service	_
+-	_
+
+These	_
+guys	_
+really	_
+know	_
+their	_
+stuff	_
+..	_
+they	_
+have	_
+almost	_
+anything	_
+you	_
+could	_
+want	_
+in	_
+terms	_
+of	_
+spy	_
+and	_
+surviellance	_
+equipment	_
+.	_
+
+Truly	_
+james	_
+bond	_
+style	_
+stuff	_
+...	_
+would	_
+recommend	_
+
+So	_
+delightful	_
+.	_
+
+What	_
+a	_
+group	_
+!	_
+
+I	_
+would	_
+n't	_
+want	_
+any	_
+other	_
+company	_
+in	_
+my	_
+time	_
+of	_
+need	_
+.	_
+
+Great	_
+people	_
+!	_
+
+So	_
+professional	_
+!	_
+
+These	_
+guys	_
+know	_
+what	_
+they	_
+'re	_
+doing	_
+!	_
+
+Way	_
+to	_
+go	_
+!	_
+
+Terrible	_
+customer	_
+service	_
+
+Fried	_
+rice	_
+has	_
+NO	_
+flavor	_
+,	_
+it	_
+literally	_
+taste	_
+like	_
+water	_
+.	_
+
+When	_
+I	_
+tried	_
+to	_
+return	_
+it	_
+they	_
+refused	_
+,	_
+so	_
+I	_
+had	_
+to	_
+leave	_
+without	_
+a	_
+refund	_
+and	_
+still	_
+hungry	_
+.	_
+
+wow	_
+,	_
+the	_
+representative	_
+went	_
+way	_
+above	_
+and	_
+beyond	_
+in	_
+helping	_
+me	_
+with	_
+my	_
+account	_
+set	_
+up	_
+.	_
+
+i	_
+wish	_
+the	_
+other	_
+utilities	_
+i	_
+had	_
+to	_
+set	_
+up	_
+had	_
+people	_
+to	_
+work	_
+with	_
+like	_
+this	_
+..	_
+
+Bad	_
+Service	_
+
+Definately	_
+wo	_
+n't	_
+be	_
+returning	_
+.	_
+
+Travelled	_
+40	_
+mins	_
+after	_
+calling	_
+to	_
+see	_
+if	_
+a	_
+product	_
+was	_
+in	_
+stock	_
+.	_
+
+Told	_
+that	_
+they	_
+had	_
+plenty	_
+.	_
+
+Get	_
+there	_
+and	_
+there	_
+was	_
+nothing	_
+.	_
+
+Not	_
+impressed	_
+!!!	_
+
+Would	_
+not	_
+recommend	_
+I	_
+Was	_
+in	_
+a	_
+fair	_
+amount	_
+of	_
+pain	_
+for	_
+several	_
+weeks	_
+.	_
+
+his	_
+clinic	_
+is	_
+very	_
+very	_
+dirty	_
+he	_
+is	_
+a	_
+real	_
+disaster	_
+to	_
+go	_
+totally	_
+not	_
+organized	_
+for	_
+every	_
+step	_
+he	_
+take	_
+.	_
+
+Best	_
+Limo	_
+Limousine	_
+service	_
+in	_
+all	_
+of	_
+Dallas	_
+
+Great	_
+Limos	_
+company	_
+int	_
+he	_
+DFW	_
+fort	_
+Worth	_
+Metro	_
+area	_
+.	_
+
+I	_
+use	_
+their	_
+limo	_
+services	_
+for	_
+all	_
+of	_
+my	_
+airport	_
+car	_
+services	_
+and	_
+airport	_
+transportation	_
+needs	_
+
+Very	_
+knowledgeable	_
+and	_
+friendly	_
+design	_
+build	_
+firm	_
+.	_
+
+They	_
+specialize	_
+in	_
+financial	_
+institutions	_
+,	_
+medical	_
+,	_
+and	_
+retail	_
+projects	_
+.	_
+
+These	_
+guys	_
+know	_
+what	_
+they	_
+'re	_
+doing	_
+and	_
+helped	_
+me	_
+in	_
+all	_
+phases	_
+of	_
+our	_
+project	_
+.	_
+
+The	_
+waiting	_
+staff	_
+is	_
+really	_
+friendly	_
+,	_
+it	_
+s	_
+like	_
+every	_
+one	_
+knows	_
+each	_
+other	_
+,	_
+the	_
+manager	_
+is	_
+really	_
+sweet	_
+and	_
+the	_
+food	_
+..	_
+well	_
+no	_
+complaints	_
+from	_
+me	_
+.	_
+
+Yes	_
+,	_
+it	_
+s	_
+that	_
+good	_
+.	_
+
+They	_
+have	_
+fresh	_
+flowers	_
+,	_
+lasted	_
+a	_
+long	_
+while	_
+in	_
+the	_
+vase	_
+,	_
+and	_
+the	_
+two	_
+ladies	_
+at	_
+the	_
+shop	_
+know	_
+the	_
+business	_
+well	_
+.	_
+
+I	_
+had	_
+no	_
+problem	_
+with	_
+my	_
+delivery	_
+.	_
+
+I	_
+will	_
+go	_
+there	_
+again	_
+.	_
+
+Out	_
+of	_
+business	_
+?	_
+
+I	_
+think	_
+this	_
+location	_
+is	_
+no	_
+longer	_
+in	_
+business	_
+.	_
+
+If	_
+you	_
+check	_
+RecWarehouse.com	_
+,	_
+they	_
+do	_
+n't	_
+list	_
+this	_
+as	_
+a	_
+location	_
+.	_
+
+You	_
+'ll	_
+have	_
+to	_
+drive	_
+10	_
+miles	_
+down	_
+75	_
+to	_
+Allen	_
+.	_
+
+Awesome	_
+Landscaping	_
+Job	_
+
+MFJ	_
+Inc	_
+transformed	_
+our	_
+run	_
+down	_
+back	_
+yard	_
+into	_
+a	_
+place	_
+of	_
+beauty	_
+.	_
+
+The	_
+work	_
+was	_
+completed	_
+within	_
+one	_
+week	_
+,	_
+and	_
+everything	_
+was	_
+cleaned	_
+up	_
+on	_
+completion	_
+.	_
+
+Highly	_
+recommended	_
+landscaper	_
+!!!	_
+
+spot	_
+on	_
+
+this	_
+kebab	_
+shop	_
+is	_
+one	_
+of	_
+the	_
+best	_
+around	_
+the	_
+meat	_
+is	_
+good	_
+and	_
+fresh	_
+and	_
+the	_
+chilly	_
+sauce	_
+is	_
+the	_
+best	_
+,	_
+keep	_
+them	_
+lovely	_
+kebabs	_
+coming	_
+and	_
+a	_
+happy	_
+new	_
+year	_
+to	_
+all	_
+the	_
+staff	_
+
+Feel	_
+good	_
+
+I	_
+just	_
+wanted	_
+to	_
+try	_
+your	_
+clinic	_
+because	_
+I	_
+was	_
+not	_
+totally	_
+happy	_
+with	_
+my	_
+current	_
+therapist	_
+I	_
+regularly	_
+see	_
+.	_
+
+Now	_
+I	_
+'ve	_
+found	_
+someone	_
+who	_
+can	_
+manage	_
+to	_
+do	_
+what	_
+I	_
+really	_
+want	_
+.	_
+
+Worst	_
+Tasting	_
+Pizza	_
+
+This	_
+place	_
+had	_
+the	_
+worst	_
+tasting	_
+pizza	_
+I	_
+have	_
+ever	_
+tasted	_
+it	_
+was	_
+possible	_
+the	_
+worst	_
+food	_
+I	_
+'ve	_
+ever	_
+eaten	_
+.	_
+
+I	_
+do	_
+n't	_
+recommend	_
+this	_
+place	_
+to	_
+anyone	_
+or	_
+even	_
+anything	_
+to	_
+eat	_
+.	_
+
+Not	_
+so	_
+good	_
+
+Not	_
+worth	_
+the	_
+money	_
+.	_
+
+Bland	_
+and	_
+over	_
+cooked	_
+.	_
+
+I	_
+felt	_
+as	_
+if	_
+I	_
+was	_
+in	_
+an	_
+over	_
+priced	_
+Olive	_
+Garden	_
+.	_
+
+I	_
+was	_
+hoping	_
+to	_
+have	_
+found	_
+a	_
+regular	_
+place	_
+to	_
+eat	_
+.	_
+
+But	_
+not	_
+so	_
+.	_
+
+I	_
+have	_
+used	_
+Bright	_
+Futures	_
+for	_
+the	_
+last	_
+7	_
+years	_
+.	_
+
+I	_
+have	_
+3	_
+children	_
+there	_
+and	_
+they	_
+are	_
+the	_
+Best	_
+.	_
+
+They	_
+are	_
+like	_
+family	_
+.	_
+
+Your	_
+children	_
+will	_
+be	_
+taken	_
+care	_
+of	_
+and	_
+loved	_
+by	_
+a	_
+professional	_
+staff	_
+.	_
+
+Great	_
+Service	_
+Great	_
+People	_
+
+Bisconti	_
+wanted	_
+over	_
+$	_
+300	_
+to	_
+fix	_
+my	_
+laptop	_
+and	_
+these	_
+guys	_
+fixed	_
+it	_
+for	_
+$	_
+90	_
+!	_
+
+Call	_
+them	_
+today	_
+!	_
+
+Had	_
+it	_
+fixed	_
+within	_
+a	_
+few	_
+days	_
+(	_
+had	_
+to	_
+order	_
+a	_
+part	_
+)	_
+.	_
+
+Great	_
+Manicure	_
+
+This	_
+place	_
+offers	_
+a	_
+great	_
+manicure	_
+and	_
+pedicure	_
+.	_
+
+My	_
+nails	_
+looked	_
+great	_
+for	_
+the	_
+better	_
+part	_
+of	_
+2	_
+weeks	_
+!	_
+
+Also	_
+very	_
+friendly	_
+and	_
+the	_
+stylists	_
+are	_
+not	_
+in	_
+the	_
+"	_
+been	_
+there	_
+/	_
+done	_
+that	_
+"	_
+mood	_
+!	_
+
+Fast	_
+Service	_
+Called	_
+them	_
+one	_
+hour	_
+ago	_
+and	_
+they	_
+just	_
+left	_
+my	_
+house	_
+five	_
+minutes	_
+ago	_
+.	_
+
+My	_
+house	_
+already	_
+feels	_
+fresh	_
+and	_
+good	_
+thanks	_
+to	_
+the	_
+Battery	_
+Park	_
+Pest	_
+I	_
+'m	_
+enjoying	_
+my	_
+time	_
+indoors	_
+much	_
+better	_
+.	_
+
+no	_
+feathers	_
+in	_
+stock	_
+!!!!	_
+
+I	_
+was	_
+very	_
+upset	_
+when	_
+I	_
+went	_
+to	_
+Mother	_
+Plucker	_
+,	_
+they	_
+had	_
+NO	_
+FEATHERS	_
+and	_
+the	_
+quality	_
+is	_
+TERRIBLE	_
+.	_
+
+I	_
+had	_
+to	_
+dig	_
+in	_
+a	_
+bag	_
+to	_
+find	_
+one	_
+nice	_
+feather	_
+,	_
+what	_
+a	_
+joke	_
+!	_
+
+Gets	_
+the	_
+Job	_
+Done	_
+
+We	_
+have	_
+utilized	_
+Mr.	_
+Pozza	_
+and	_
+his	_
+firm	_
+twice	_
+now	_
+in	_
+our	_
+family	_
+and	_
+both	_
+times	_
+have	_
+been	_
+very	_
+pleased	_
+.	_
+
+I	_
+would	_
+not	_
+hesitate	_
+to	_
+use	_
+him	_
+again	_
+or	_
+refer	_
+him	_
+to	_
+my	_
+family	_
+or	_
+friends	_
+.	_
+
+Farrell	_
+Electric	_
+is	_
+a	_
+very	_
+good	_
+electrical	_
+contractor	_
+.	_
+
+I	_
+'m	_
+pleased	_
+that	_
+someone	_
+referred	_
+me	_
+to	_
+them	_
+for	_
+my	_
+commercial	_
+business	_
+.	_
+
+I	_
+own	_
+a	_
+property	_
+management	_
+firm	_
+and	_
+need	_
+a	_
+contractor	_
+with	_
+the	_
+credentials	_
+that	_
+Farrell	_
+Electric	_
+has	_
+.	_
+
+Cleanest	_
+guesthouse	_
+i	_
+have	_
+been	_
+to	_
+
+Stayed	_
+here	_
+for	_
+2	_
+nights	_
+.	_
+
+The	_
+owner	_
+was	_
+very	_
+friendly	_
+and	_
+helpful	_
+.	_
+
+The	_
+rooms	_
+were	_
+very	_
+clean	_
+and	_
+the	_
+breakfast	_
+was	_
+excellent	_
+.	_
+
+Good	_
+location	_
+and	_
+off	_
+road	_
+parking	_
+made	_
+our	_
+stay	_
+very	_
+convenient	_
+.	_
+
+These	_
+guys	_
+do	_
+great	_
+work	_
+at	_
+VERY	_
+reasonable	_
+prices	_
+.	_
+
+I	_
+have	_
+use	_
+them	_
+four	_
+times	_
+for	_
+fixing	_
+items	_
+from	_
+pushing	_
+out	_
+a	_
+dent	_
+in	_
+a	_
+bumper	_
+to	_
+fixing	_
+the	_
+fender	_
+on	_
+my	_
+beloved	_
+Miata	_
+.	_
+
+I	_
+have	_
+never	_
+been	_
+disappointed	_
+.	_
+
+Do	_
+n't	_
+waste	_
+your	_
+money	_
+on	_
+the	_
+jukebox	_
+
+The	_
+bartender	_
+is	_
+a	_
+douchebag	_
+and	_
+he	_
+has	_
+a	_
+little	_
+console	_
+behind	_
+the	_
+bar	_
+where	_
+he	_
+can	_
+delete	_
+songs	_
+he	_
+does	_
+n't	_
+like	_
+,	_
+and	_
+you	_
+end	_
+up	_
+paying	_
+for	_
+it	_
+.	_
+
+Not	_
+enough	_
+seating	_
+.	_
+
+spoken	_
+english	_
+rushi	_
+
+can	_
+ever	_
+&	_
+never	_
+forget	_
+the	_
+training	_
+undergone	_
+here	_
+which	_
+made	_
+my	_
+life	_
+step	_
+onto	_
+the	_
+successful	_
+job	_
+without	_
+any	_
+hurdles	_
+.	_
+
+The	_
+staff	_
+,	_
+material	_
+provided	_
+,	_
+infra	_
+structure	_
+,	_
+environment	_
+&	_
+low	_
+fees	_
+totally	_
+above	_
+the	_
+satisfactory	_
+mark	_
+
+Rubbish	_
+
+Took	_
+1	_
++	_
+hour	_
+to	_
+deliver	_
+to	_
+Chatham	_
+,	_
+hair	_
+in	_
+food	_
+,	_
+driver	_
+did	_
+n't	_
+know	_
+area	_
+.	_
+
+Noticed	_
+a	_
+few	_
+of	_
+these	_
+Cookie	_
+cutter	_
+places	_
+opening	_
+in	_
+Summit	_
+and	_
+New	_
+Providence	_
+.	_
+
+Stick	_
+to	_
+Hop	_
+Hing	_
+,	_
+20	_
+year	_
++	_
+resident	_
+.	_
+
+Great	_
+place	_
+
+Really	_
+great	_
+service	_
+and	_
+kind	_
+staff	_
+.	_
+
+The	_
+haircut	_
+was	_
+inexpensive	_
+and	_
+so	_
+were	_
+the	_
+salon	_
+services	_
+(	_
+eyebrows	_
+were	_
+cheap	_
+!	_
+)	_
+.	_
+
+It	_
+'s	_
+a	_
+nice	_
+,	_
+relaxed	_
+place	_
+to	_
+get	_
+stuff	_
+done	_
+and	_
+relax	_
+.	_
+
+I	_
+plan	_
+on	_
+going	_
+again	_
+.	_
+
+Amazing	_
+customer	_
+service	_
+
+I	_
+think	_
+the	_
+women	_
+at	_
+this	_
+salon	_
+know	_
+that	_
+their	_
+business	_
+is	_
+based	_
+primarily	_
+from	_
+referrals	_
+.	_
+:)	_
+
+They	_
+were	_
+amazingly	_
+hospitable	_
+.	_
+
+Edit	_
+was	_
+the	_
+best	_
+massage	_
+therapist	_
+I	_
+'ve	_
+ever	_
+had	_
+and	_
+I	_
+would	_
+HIGHLY	_
+recommend	_
+her	_
+!	_
+
+good	_
+outside	_
+,	_
+bad	_
+inside	_
+
+the	_
+apartment	_
+only	_
+looks	_
+good	_
+outsize	_
+,	_
+inside	_
+is	_
+too	_
+bad	_
+.	_
+
+too	_
+many	_
+bugs	_
+some	_
+you	_
+even	_
+never	_
+seen	_
+before	_
+.	_
+
+the	_
+attitude	_
+of	_
+some	_
+staff	_
+is	_
+terrible	_
+,	_
+did	_
+not	_
+solve	_
+anything	_
+only	_
+say	_
+i	_
+can	_
+do	_
+nothing	_
+.	_
+
+great	_
+tmobile	_
+service	_
+
+I	_
+was	_
+with	_
+verizon	_
+and	_
+I	_
+checked	_
+my	_
+service	_
+with	_
+tmobile	_
+and	_
+it	_
+was	_
+great	_
+so	_
+I	_
+thought	_
+I	_
+would	_
+try	_
+tmobile	_
+.	_
+
+It	_
+turned	_
+out	_
+being	_
+very	_
+good	_
+quality	_
+tmobile	_
+service	_
+and	_
+I	_
+was	_
+happy	_
+with	_
+the	_
+new	_
+tmobile	_
+phone	_
+.	_
+
+Walgreens	_
+on	_
+University	_
+
+My	_
+pharmacy	_
+order	_
+is	_
+always	_
+correct	_
+and	_
+promptly	_
+delivered	_
+but	_
+the	_
+pharmacy	_
+staff	_
+are	_
+always	_
+very	_
+short	_
+with	_
+me	_
+and	_
+do	_
+n't	_
+seem	_
+to	_
+like	_
+answering	_
+questions	_
+.	_
+
+Clean	_
+store	_
+,	_
+friendly	_
+check	_
+-	_
+out	_
+staff	_
+up	_
+front	_
+.	_
+
+Good	_
+selection	_
+.	_
+
+Great	_
+Place	_
+!	_
+
+Love	_
+this	_
+place	_
+!!	_
+
+Has	_
+another	_
+store	_
+in	_
+the	_
+st.	_
+charles	_
+mall	_
+.	_
+
+Place	_
+is	_
+next	_
+to	_
+carval	_
+and	_
+walmart	_
+.	_
+
+Do	_
+nt	_
+go	_
+to	_
+the	_
+one	_
+by	_
+pepco	_
+,	_
+I	_
+got	_
+confused	_
+!!!	_
+
+Bad	_
+place	_
+.	_
+
+Go	_
+to	_
+ATLANTIC	_
+WIRELESS	_
+!!	_
+
+I	_
+love	_
+them	_
+!!!	_
+
+BEST	_
+DENTIST	_
+EVER	_
+-	_
+
+Very	_
+fast	_
+and	_
+efficient	_
+service	_
+.	_
+
+I	_
+have	_
+had	_
+several	_
+dentists	_
+in	_
+my	_
+life	_
+,	_
+but	_
+Dr.	_
+Deters	_
+is	_
+by	_
+far	_
+my	_
+favorite	_
+.	_
+
+I	_
+never	_
+wait	_
+in	_
+the	_
+waiting	_
+room	_
+more	_
+than	_
+two	_
+minutes	_
+and	_
+the	_
+cleanings	_
+are	_
+quick	_
+and	_
+painless	_
+.	_
+
+This	_
+is	_
+a	_
+great	_
+place	_
+to	_
+shop	_
+.	_
+
+I	_
+'ve	_
+been	_
+a	_
+regular	_
+customer	_
+at	_
+this	_
+store	_
+since	_
+it	_
+opened	_
+,	_
+and	_
+love	_
+the	_
+fact	_
+that	_
+all	_
+of	_
+the	_
+employees	_
+are	_
+friendly	_
+locals	_
+.	_
+
+Particularly	_
+the	_
+lady	_
+who	_
+operates	_
+the	_
+front	_
+register	_
+,	_
+she	_
+'s	_
+very	_
+kind	_
+!	_
+
+AMAZING	_
+
+Absoul	_
+is	_
+the	_
+greatest	_
+donair	_
+man	_
+on	_
+the	_
+planet	_
+.	_
+
+Highly	_
+recommended	_
+.	_
+
+If	_
+you	_
+enjoy	_
+amazing	_
+things	_
+,	_
+you	_
+must	_
+go	_
+to	_
+World	_
+'s	_
+Finest	_
+Donair	_
+.	_
+
+Lest	_
+you	_
+be	_
+lame	_
+!!!	_
+
+I	_
+give	_
+this	_
+place	_
+11	_
+/	_
+10	_
+.	_
+
+3	_
+thumbs	_
+up	_
+.	_
+
+Bon	_
+appetit	_
+!	_
+
+Great	_
+quality	_
+doors	_
+and	_
+great	_
+quality	_
+people	_
+!	_
+
+The	_
+door	_
+is	_
+easy	_
+to	_
+use	_
+and	_
+it	_
+keeps	_
+the	_
+cold	_
+out	_
+during	_
+the	_
+winter	_
+.	_
+
+The	_
+sales	_
+staff	_
+and	_
+the	_
+installation	_
+staff	_
+were	_
+all	_
+easy	_
+to	_
+get	_
+along	_
+with	_
+.	_
+
+I	_
+highly	_
+recommend	_
+Garage	_
+Pros	_
+to	_
+my	_
+friends	_
+.	_
+
+umm	_
+...	_
+
+okay	_
+,	_
+I	_
+do	_
+nt	_
+have	_
+a	_
+review	_
+,	_
+but	_
+why	_
+in	_
+the	_
+hell	_
+would	_
+you	_
+name	_
+your	_
+business	_
+something	_
+that	_
+has	_
+the	_
+initials	_
+KKK	_
+....	_
+is	_
+there	_
+something	_
+behind	_
+the	_
+scenes	_
+at	_
+this	_
+place	_
+?	_
+
+Like	_
+I	_
+'m	_
+legitimately	_
+concerned	_
+at	_
+this	_
+point	_
+...	_
+lol	_
+
+Fresh	_
+and	_
+Excellent	_
+Quality	_
+
+We	_
+order	_
+take	_
+out	_
+from	_
+here	_
+all	_
+the	_
+time	_
+and	_
+we	_
+are	_
+never	_
+disappointed	_
+.	_
+
+The	_
+food	_
+is	_
+always	_
+fresh	_
+and	_
+delicious	_
+.	_
+
+It	_
+can	_
+be	_
+a	_
+little	_
+on	_
+the	_
+spicy	_
+side	_
+but	_
+just	_
+ask	_
+them	_
+exactly	_
+what	_
+you	_
+want	_
+and	_
+they	_
+are	_
+very	_
+helpful	_
+.	_
+
+I	_
+really	_
+want	_
+to	_
+like	_
+this	_
+place	_
+since	_
+I	_
+work	_
+right	_
+around	_
+the	_
+corner	_
+.	_
+
+Unfortunately	_
+,	_
+I	_
+'ve	_
+given	_
+it	_
+a	_
+couple	_
+of	_
+tries	_
+at	_
+different	_
+times	_
+and	_
+decided	_
+to	_
+stop	_
+going	_
+.	_
+
+The	_
+employees	_
+do	_
+n't	_
+really	_
+seem	_
+to	_
+enjoy	_
+what	_
+they	_
+are	_
+doing	_
+and	_
+it	_
+shows	_
+.	_
+
+Class	_
+act	_
+.	_
+
+It	_
+was	_
+late	_
+in	_
+the	_
+day	_
+and	_
+I	_
+was	_
+worried	_
+I	_
+would	_
+get	_
+charged	_
+an	_
+arm	_
+and	_
+a	_
+leg	_
+and	_
+have	_
+to	_
+wait	_
+forever	_
+.	_
+
+They	_
+picked	_
+my	_
+car	_
+up	_
+in	_
+Yarmouth	_
+and	_
+towed	_
+to	_
+Bath	_
+for	_
+a	_
+great	_
+price	_
+.	_
+
+Would	_
+do	_
+business	_
+with	_
+them	_
+again	_
+.	_
+
+Great	_
+service	_
+
+We	_
+at	_
+R&L	_
+Plumbing	_
+Services	_
+are	_
+pleased	_
+with	_
+your	_
+professionalism	_
+and	_
+the	_
+extra	_
+mile	_
+you	_
+went	_
+to	_
+get	_
+out	_
+computers	_
+working	_
+correctly	_
+,	_
+you	_
+will	_
+be	_
+our	_
+first	_
+call	_
+if	_
+anything	_
+happens	_
+again	_
+and	_
+we	_
+will	_
+refer	_
+you	_
+to	_
+other	_
+people	_
+with	_
+computer	_
+issues	_
+.	_
+
+Do	_
+n't	_
+judge	_
+a	_
+book	_
+by	_
+its	_
+cover	_
+
+From	_
+the	_
+outside	_
+Ichiban	_
+looks	_
+like	_
+it	_
+will	_
+be	_
+terrible	_
+.	_
+
+This	_
+could	_
+n't	_
+be	_
+farther	_
+from	_
+the	_
+truth	_
+.	_
+
+The	_
+food	_
+is	_
+amazing	_
+,	_
+and	_
+the	_
+prices	_
+can	_
+not	_
+be	_
+beat	_
+.	_
+
+The	_
+sushi	_
+is	_
+great	_
+,	_
+and	_
+they	_
+have	_
+a	_
+great	_
+selection	_
+.	_
+
+Great	_
+work	_
+!	_
+
+The	_
+people	_
+at	_
+Gulf	_
+Coast	_
+Siding	_
+were	_
+very	_
+easy	_
+and	_
+clear	_
+to	_
+work	_
+with	_
+.	_
+
+They	_
+walked	_
+me	_
+through	_
+all	_
+the	_
+steps	_
+involved	_
+in	_
+the	_
+the	_
+installation	_
+project	_
+so	_
+that	_
+there	_
+were	_
+no	_
+surprises	_
+.	_
+
+I	_
+found	_
+them	_
+extremely	_
+professional	_
+and	_
+would	_
+highly	_
+recommend	_
+them	_
+.	_
+
+Thanks	_
+
+Natasha	_
+
+A	_
+real	_
+pleasure	_
+training	_
+with	_
+Natasha	_
+.	_
+
+Always	_
+professional	_
+and	_
+reliable	_
+,	_
+sessions	_
+are	_
+good	_
+fun	_
+and	_
+suitably	_
+challenging	_
+.	_
+
+She	_
+really	_
+listens	_
+to	_
+what	_
+it	_
+is	_
+you	_
+would	_
+like	_
+to	_
+achieve	_
+,	_
+and	_
+I	_
+am	_
+very	_
+happy	_
+with	_
+my	_
+results	_
+.	_
+
+I	_
+would	_
+highly	_
+recommend	_
+her	_
+services	_
+.	_
+
+slow	_
+service	_
+
+I	_
+used	_
+to	_
+take	_
+my	_
+cars	_
+there	_
+all	_
+the	_
+time	_
+,	_
+but	_
+management	_
+changes	_
+hands	_
+too	_
+frequently	_
+,	_
+the	_
+service	_
+has	_
+been	_
+slow	_
+,	_
+and	_
+they	_
+often	_
+try	_
+to	_
+"	_
+add	_
+on	_
+"	_
+extra	_
+services	_
+,	_
+which	_
+sometimes	_
+is	_
+not	_
+needed	_
+.	_
+
+I	_
+do	_
+nt	_
+go	_
+there	_
+anymore	_
+
+Great	_
+service	_
+
+These	_
+people	_
+were	_
+so	_
+helpful	_
+this	_
+week	_
+and	_
+did	_
+everything	_
+to	_
+sort	_
+out	_
+my	_
+windscreen	_
+and	_
+insurance	_
+.	_
+
+It	_
+was	_
+all	_
+sorted	_
+with	_
+no	_
+hassle	_
+at	_
+all	_
+and	_
+I	_
+'m	_
+really	_
+grateful	_
+-	_
+they	_
+were	_
+fab	_
+.	_
+
+The	_
+best	_
+customer	_
+service	_
+I	_
+'ve	_
+come	_
+across	_
+for	_
+long	_
+time	_
+.	_
+
+Absolutely	_
+amazing	_
+job	_
+!	_
+
+Susanna	_
+is	_
+the	_
+best	_
+dress	_
+maker	_
+/	_
+tailor	_
+I	_
+'ve	_
+ever	_
+come	_
+across	_
+in	_
+my	_
+whole	_
+life	_
+!	_
+
+She	_
+makes	_
+every	_
+item	_
+fit	_
+you	_
+perfectly	_
+.	_
+
+She	_
+is	_
+always	_
+so	_
+busy	_
+,	_
+too	_
+,	_
+which	_
+is	_
+a	_
+good	_
+indication	_
+of	_
+her	_
+talent	_
+.	_
+
+She	_
+'s	_
+the	_
+best	_
+!	_
+
+teeth	_
+
+this	_
+dentist	_
+want	_
+to	_
+pull	_
+the	_
+tooth	_
+out	_
+always	_
+..	_
+always	_
+wants	_
+to	_
+do	_
+the	_
+cheapest	_
+for	_
+his	_
+benefit	_
+..	_
+not	_
+unless	_
+he	_
+knows	_
+you	_
+.	_
+
+and	_
+hopefully	_
+you	_
+do	_
+not	_
+know	_
+the	_
+same	_
+people	_
+because	_
+he	_
+tells	_
+others	_
+about	_
+you	_
+payment	_
+status	_
+.	_
+
+Which	_
+should	_
+be	_
+a	_
+private	_
+issue	_
+
+I	_
+hired	_
+this	_
+company	_
+to	_
+unlock	_
+my	_
+car	_
+.	_
+
+The	_
+price	_
+they	_
+gave	_
+was	_
+good	_
+so	_
+I	_
+said	_
+hey	_
+this	_
+seems	_
+great	_
+.	_
+
+After	_
+they	_
+showed	_
+up	_
+there	_
+was	_
+a	_
+little	_
+trouble	_
+to	_
+get	_
+my	_
+car	_
+unlocked	_
+,	_
+it	_
+took	_
+quite	_
+a	_
+bit	_
+of	_
+time	_
+but	_
+the	_
+job	_
+was	_
+well	_
+done	_
+.	_
+
+Bulwark	_
+regarding	_
+service	_
+by	_
+Eric	_
+
+Just	_
+wanted	_
+you	_
+to	_
+know	_
+that	_
+Eric	_
+came	_
+by	_
+as	_
+scheduled	_
+today	_
+and	_
+sprayed	_
+our	_
+house	_
+for	_
+scorpions	_
+.	_
+
+He	_
+seemed	_
+to	_
+understand	_
+how	_
+important	_
+it	_
+was	_
+for	_
+us	_
+to	_
+make	_
+sure	_
+the	_
+whole	_
+house	_
+was	_
+sprayed	_
+so	_
+he	_
+took	_
+his	_
+time	_
+.	_
+
+Thank	_
+you	_
+!	_
+
+A	_
+TERRIBLE	_
+EXPERIENCE	_
+!	_
+
+I	_
+remain	_
+unhappy	_
+.	_
+
+I	_
+still	_
+have	_
+noticeable	_
+scarring	_
+.	_
+
+I	_
+still	_
+have	_
+surgically	_
+induced	_
+hair	_
+loss	_
+.	_
+
+My	_
+results	_
+were	_
+just	_
+AWFUL	_
+.	_
+
+My	_
+post-op	_
+treatment	_
+was	_
+TERRIBLE	_
+.	_
+
+I	_
+would	_
+n't	_
+recommend	_
+this	_
+place	_
+last	_
+year	_
+,	_
+and	_
+I	_
+certainly	_
+would	_
+n't	_
+recommend	_
+them	_
+this	_
+year	_
+.	_
+
+Hidden	_
+Treasure	_
+.	_
+
+Strip	_
+mall	_
+asian	_
+it	_
+is	_
+not	_
+!	_
+
+Go	_
+in	_
+and	_
+you	_
+will	_
+not	_
+think	_
+you	_
+are	_
+in	_
+Chesapeake	_
+.	_
+
+The	_
+setting	_
+feels	_
+like	_
+a	_
+Sushi	_
+bar	_
+in	_
+NYC	_
+;	_
+small	_
+,	_
+cozy	_
+,	_
+but	_
+with	_
+flair	_
+.	_
+
+Get	_
+great	_
+service	_
+,	_
+fantastic	_
+menu	_
+,	_
+and	_
+relax	_
+.	_
+
+Best	_
+in	_
+HR	_
+so	_
+far	_
+!	_
+
+Excellent	_
+medical	_
+care	_
+!!!!!!	_
+
+Highly	_
+recommend	_
+
+I	_
+went	_
+to	_
+this	_
+urgent	_
+care	_
+center	_
+and	_
+was	_
+blown	_
+away	_
+with	_
+their	_
+service	_
+.	_
+
+Finally	_
+a	_
+convenient	_
+place	_
+close	_
+to	_
+home	_
+.	_
+
+Wonderful	_
+staff	_
+and	_
+physician	_
+.	_
+
+Clean	_
+and	_
+superb	_
+.	_
+
+Thanks	_
+for	_
+the	_
+great	_
+care	_
+!!!!	_
+
+Will	_
+definitely	_
+go	_
+back	_
+when	_
+I	_
+need	_
+medical	_
+care	_
+.	_
+
+excellence	_
+in	_
+glasgow	_
+
+I	_
+v	_
+just	_
+had	_
+my	_
+bmw	_
+z3	_
+rear	_
+window	_
+replaced	_
+by	_
+the	_
+guys	_
+at	_
+kelvin	_
+trimmers	_
+.	_
+
+The	_
+team	_
+who	_
+work	_
+there	_
+are	_
+helpfull	_
+,	_
+friendly	_
+and	_
+extremely	_
+knowledgeable	_
+and	_
+will	_
+help	_
+you	_
+as	_
+much	_
+as	_
+they	_
+can	_
+with	_
+thier	_
+years	_
+of	_
+hands	_
+on	_
+practice	_
+.	_
+
+Highly	_
+recomended	_
+.	_
+
+My	_
+favorite	_
+place	_
+...	_
+
+My	_
+daughter	_
+and	_
+I	_
+stayed	_
+here	_
+again	_
+from	_
+the	_
+7th	_
+to	_
+the	_
+14th	_
+of	_
+December	_
+.	_
+
+yet	_
+again	_
+it	_
+was	_
+a	_
+great	_
+stay	_
+from	_
+begiinning	_
+to	_
+end	_
+.	_
+
+Okay	_
+our	_
+room	_
+was	_
+at	_
+times	_
+noisy	_
+but	_
+we	_
+were	_
+in	_
+a	_
+mega	_
+busy	_
+city	_
+at	_
+an	_
+extremely	_
+busy	_
+time	_
+of	_
+year	_
+.	_
+
+A	_
+Definite	_
+No	_
+
+Incompetent	_
+servers	_
+,	_
+kitchen	_
+and	_
+management	_
+.	_
+
+Expect	_
+either	_
+undercooked	_
+or	_
+mushy	_
+food	_
+and	_
+lackluster	_
+service	_
+.	_
+
+The	_
+investors	_
+put	_
+big	_
+bucks	_
+into	_
+the	_
+building	_
+but	_
+are	_
+clueless	_
+about	_
+what	_
+makes	_
+a	_
+good	_
+dining	_
+or	_
+bar	_
+experience	_
+.	_
+
+Even	_
+the	_
+least	_
+discriminating	_
+diner	_
+would	_
+know	_
+not	_
+to	_
+eat	_
+at	_
+Sprecher	_
+'s	_
+.	_
+
+Wonderful	_
+Atmosphere	_
+
+I	_
+have	_
+been	_
+going	_
+there	_
+since	_
+I	_
+was	_
+a	_
+little	_
+girl	_
+and	_
+love	_
+the	_
+friendly	_
+and	_
+relaxing	_
+atmosphere	_
+.	_
+
+Dr.	_
+Stiefvater	_
+has	_
+always	_
+been	_
+very	_
+professional	_
+and	_
+helpful	_
+.	_
+
+I	_
+would	_
+recommend	_
+Bayside	_
+Chiropractic	_
+to	_
+anyone	_
+who	_
+is	_
+in	_
+need	_
+of	_
+a	_
+regular	_
+adjustment	_
+or	_
+is	_
+suffering	_
+from	_
+a	_
+chronic	_
+condition	_
+.	_
+
+Channel	_
+Guide	_
+
+Believe	_
+it	_
+or	_
+not	_
+,	_
+but	_
+the	_
+channel	_
+guide	_
+has	_
+been	_
+most	_
+helpful	_
+to	_
+my	_
+family	_
+members	_
+that	_
+visit	_
+and	_
+do	_
+n't	_
+know	_
+where	_
+to	_
+start	_
+when	_
+it	_
+comes	_
+to	_
+watching	_
+satellite	_
+tv	_
+.	_
+
+I	_
+just	_
+give	_
+them	_
+guide	_
+and	_
+they	_
+can	_
+find	_
+anything	_
+they	_
+need	_
+.	_
+
+Thanks	_
+again	_
+,	_
+Directv	_
+.	_
+
+Michael	_
+helped	_
+shoot	_
+the	_
+majority	_
+of	_
+my	_
+firm	_
+'s	_
+website	_
+and	_
+we	_
+could	_
+not	_
+have	_
+been	_
+happier	_
+.	_
+
+We	_
+went	_
+through	_
+six	_
+photographers	_
+to	_
+find	_
+the	_
+right	_
+photographers	_
+that	_
+would	_
+represent	_
+our	_
+firm	_
+in	_
+the	_
+light	_
+we	_
+wished	_
+to	_
+and	_
+Michael	_
+and	_
+his	_
+team	_
+made	_
+that	_
+happen	_
+.	_
+
+He	_
+'s	_
+worth	_
+every	_
+penny	_
+.	_
+
+Average	_
+food	_
+and	_
+deathly	_
+slow	_
+service	_
+
+I	_
+have	_
+eaten	_
+here	_
+several	_
+times	_
+and	_
+every	_
+time	_
+the	_
+service	_
+is	_
+slower	_
+than	_
+slow	_
+.	_
+
+One	_
+time	_
+we	_
+even	_
+left	_
+after	_
+sitting	_
+at	_
+the	_
+table	_
+for	_
+20	_
+minutes	_
+and	_
+not	_
+being	_
+greeted	_
+with	_
+a	_
+drink	_
+order	_
+.	_
+
+Ridiculous	_
+.	_
+
+There	_
+must	_
+be	_
+a	_
+better	_
+mexican	_
+place	_
+in	_
+Rockland	_
+.	_
+
+I	_
+am	_
+in	_
+love	_
+with	_
+the	_
+giant	_
+plate	_
+of	_
+nachos	_
+!	_
+
+Last	_
+time	_
+I	_
+went	_
+however	_
+,	_
+my	_
+beer	_
+was	_
+warm	_
+and	_
+the	_
+service	_
+was	_
+so	_
+-	_
+so	_
+.	_
+
+I	_
+get	_
+that	_
+careless	_
+teenager	_
+kind	_
+of	_
+treatment	_
+from	_
+some	_
+of	_
+their	_
+staff	_
+...	_
+perhaps	_
+they	_
+should	_
+hire	_
+more	_
+serious	_
+adults	_
+to	_
+help	_
+serve	_
+/	_
+cook	_
+.	_
+
+nice	_
+friendly	_
+local	_
+bagel	_
+place	_
+
+there	_
+might	_
+be	_
+bigger	_
+and	_
+more	_
+well	_
+known	_
+bagel	_
+places	_
+in	_
+the	_
+area	_
+but	_
+Family	_
+Bagels	_
+are	_
+nice	_
+people	_
+,	_
+small	_
+shop	_
+and	_
+incredibly	_
+friendly	_
+.	_
+
+While	_
+other	_
+may	_
+be	_
+ok	_
+waiting	_
+in	_
+line	_
+at	_
+Town	_
+Bagel	_
+we	_
+are	_
+happy	_
+with	_
+the	_
+quality	_
+and	_
+service	_
+we	_
+get	_
+at	_
+Family	_
+Bagels	_
+
+Very	_
+Mediocre	_
+donuts	_
+!	_
+
+The	_
+Donuts	_
+were	_
+very	_
+over	_
+proofed	_
+,	_
+making	_
+them	_
+stale	_
+and	_
+bready	_
+.	_
+
+The	_
+service	_
+was	_
+friendly	_
+and	_
+fast	_
+,	_
+but	_
+this	_
+just	_
+does	_
+nt	_
+make	_
+up	_
+for	_
+the	_
+lack	_
+-	_
+luster	_
+product	_
+.	_
+
+We	_
+tried	_
+4	_
+different	_
+style	_
+of	_
+donuts	_
+,	_
+they	_
+were	_
+all	_
+the	_
+same	_
+when	_
+it	_
+came	_
+to	_
+quality	_
+.	_
+
+a	_
+staple	_
+!	_
+
+I	_
+live	_
+in	_
+the	_
+neighborhood	_
+and	_
+this	_
+place	_
+is	_
+one	_
+of	_
+my	_
+favorites	_
+for	_
+a	_
+tasty	_
+,	_
+quick	_
+and	_
+inexpensive	_
+meal	_
+.	_
+
+Branch	_
+out	_
+and	_
+try	_
+something	_
+other	_
+than	_
+the	_
+Pad	_
+Thai	_
+,	_
+the	_
+curries	_
+are	_
+fantastic	_
+.	_
+
+Fast	_
+and	_
+friendly	_
+service	_
+,	_
+they	_
+know	_
+my	_
+order	_
+when	_
+I	_
+walk	_
+in	_
+the	_
+door	_
+!	_
+
+On	_
+time	_
+,	_
+Clean	_
+and	_
+very	_
+nice	_
+
+I	_
+called	_
+over	_
+the	_
+weekend	_
+due	_
+to	_
+clogged	_
+kitchen	_
+sink	_
+.	_
+
+Scheduled	_
+appointment	_
+for	_
+8:30	_
+Monday	_
+morning	_
+.	_
+
+Rich	_
+was	_
+here	_
+before	_
+the	_
+scheduled	_
+time	_
+.	_
+
+He	_
+was	_
+very	_
+clean	_
+,	_
+very	_
+nice	_
+to	_
+work	_
+with	_
+and	_
+gave	_
+a	_
+very	_
+reasonable	_
+price	_
+.	_
+
+HIGHLY	_
+recommend	_
+.	_
+
+thanks	_
+Rich	_
+
+Seth	_
+K	_
+.	_
+
+Deep	_
+tissue	_
+massage	_
+helps	_
+with	_
+pain	_
+in	_
+neck	_
+and	_
+shoulders	_
+
+Seth	_
+provides	_
+deep	_
+tissue	_
+massage	_
+which	_
+has	_
+significantly	_
+reduced	_
+the	_
+pain	_
+in	_
+my	_
+neck	_
+and	_
+shoulders	_
+and	_
+added	_
+flexibility	_
+and	_
+movement	_
+back	_
+to	_
+the	_
+area	_
+.	_
+
+He	_
+listens	_
+and	_
+is	_
+excellent	_
+in	_
+diagnosing	_
+,	_
+addressing	_
+and	_
+explaining	_
+the	_
+specific	_
+issues	_
+and	_
+suggesting	_
+exercises	_
+to	_
+use	_
+.	_
+
diff --git a/challenge/train.txt b/challenge/train.txt
new file mode 100644
index 0000000000000000000000000000000000000000..e317619236a9b3c94c061534e2d4676613b4ea65
--- /dev/null
+++ b/challenge/train.txt
@@ -0,0 +1,217128 @@
+Al	PROPN
+-	PUNCT
+Zaman	PROPN
+:	PUNCT
+American	ADJ
+forces	NOUN
+killed	VERB
+Shaikh	PROPN
+Abdullah	PROPN
+al	PROPN
+-	PUNCT
+Ani	PROPN
+,	PUNCT
+the	DET
+preacher	NOUN
+at	ADP
+the	DET
+mosque	NOUN
+in	ADP
+the	DET
+town	NOUN
+of	ADP
+Qaim	PROPN
+,	PUNCT
+near	ADP
+the	DET
+Syrian	ADJ
+border	NOUN
+.	PUNCT
+
+[	PUNCT
+This	DET
+killing	NOUN
+of	ADP
+a	DET
+respected	ADJ
+cleric	NOUN
+will	AUX
+be	AUX
+causing	VERB
+us	PRON
+trouble	NOUN
+for	ADP
+years	NOUN
+to	PART
+come	VERB
+.	PUNCT
+]	PUNCT
+
+DPA	PROPN
+:	PUNCT
+Iraqi	ADJ
+authorities	NOUN
+announced	VERB
+that	SCONJ
+they	PRON
+had	AUX
+busted	VERB
+up	ADP
+3	NUM
+terrorist	ADJ
+cells	NOUN
+operating	VERB
+in	ADP
+Baghdad	PROPN
+.	PUNCT
+
+Two	NUM
+of	ADP
+them	PRON
+were	AUX
+being	AUX
+run	VERB
+by	ADP
+2	NUM
+officials	NOUN
+of	ADP
+the	DET
+Ministry	PROPN
+of	ADP
+the	DET
+Interior	PROPN
+!	PUNCT
+
+The	DET
+MoI	PROPN
+in	ADP
+Iraq	PROPN
+is	AUX
+equivalent	ADJ
+to	ADP
+the	DET
+US	PROPN
+FBI	PROPN
+,	PUNCT
+so	ADV
+this	PRON
+would	AUX
+be	VERB
+like	SCONJ
+having	VERB
+J.	PROPN
+Edgar	PROPN
+Hoover	PROPN
+unwittingly	ADV
+employ	VERB
+at	ADP
+a	DET
+high	ADJ
+level	NOUN
+members	NOUN
+of	ADP
+the	DET
+Weathermen	PROPN
+bombers	NOUN
+back	ADV
+in	ADP
+the	DET
+1960s	NOUN
+.	PUNCT
+
+The	DET
+third	ADJ
+was	AUX
+being	AUX
+run	VERB
+by	ADP
+the	DET
+head	NOUN
+of	ADP
+an	DET
+investment	NOUN
+firm	NOUN
+.	PUNCT
+
+You	PRON
+wonder	VERB
+if	SCONJ
+he	PRON
+was	AUX
+manipulating	VERB
+the	DET
+market	NOUN
+with	ADP
+his	PRON
+bombing	NOUN
+targets	NOUN
+.	PUNCT
+
+The	DET
+cells	NOUN
+were	AUX
+operating	VERB
+in	ADP
+the	DET
+Ghazaliyah	PROPN
+and	CCONJ
+al	PROPN
+-	PUNCT
+Jihad	PROPN
+districts	NOUN
+of	ADP
+the	DET
+capital	NOUN
+.	PUNCT
+
+Although	SCONJ
+the	DET
+announcement	NOUN
+was	AUX
+probably	ADV
+made	VERB
+to	PART
+show	VERB
+progress	NOUN
+in	SCONJ
+identifying	VERB
+and	CCONJ
+breaking	VERB
+up	ADP
+terror	NOUN
+cells	NOUN
+,	PUNCT
+I	PRON
+do	AUX
+n't	PART
+find	VERB
+the	DET
+news	NOUN
+that	SCONJ
+the	DET
+Baathists	PROPN
+continue	VERB
+to	PART
+penetrate	VERB
+the	DET
+Iraqi	ADJ
+government	NOUN
+very	ADV
+hopeful	ADJ
+.	PUNCT
+
+It	PRON
+reminds	VERB
+me	PRON
+too	ADV
+much	ADV
+of	ADP
+the	DET
+ARVN	PROPN
+officers	NOUN
+who	PRON
+were	AUX
+secretly	ADV
+working	VERB
+for	ADP
+the	DET
+other	ADJ
+side	NOUN
+in	ADP
+Vietnam	PROPN
+.	PUNCT
+
+Al	PROPN
+-	PUNCT
+Zaman	PROPN
+:	PUNCT
+Guerrillas	NOUN
+killed	VERB
+a	DET
+member	NOUN
+of	ADP
+the	DET
+Kurdistan	PROPN
+Democratic	PROPN
+Party	PROPN
+after	SCONJ
+kidnapping	VERB
+him	PRON
+in	ADP
+Mosul	PROPN
+.	PUNCT
+
+The	DET
+police	NOUN
+commander	NOUN
+of	ADP
+Ninevah	PROPN
+Province	PROPN
+announced	VERB
+that	SCONJ
+bombings	NOUN
+had	AUX
+declined	VERB
+80	NUM
+percent	NOUN
+in	ADP
+Mosul	PROPN
+,	PUNCT
+whereas	SCONJ
+there	PRON
+had	AUX
+been	VERB
+a	DET
+big	ADJ
+jump	NOUN
+in	ADP
+the	DET
+number	NOUN
+of	ADP
+kidnappings	NOUN
+.	PUNCT
+
+On	ADP
+Wednesday	PROPN
+guerrillas	NOUN
+had	AUX
+kidnapped	VERB
+a	DET
+cosmetic	ADJ
+surgeon	NOUN
+and	CCONJ
+his	PRON
+wife	NOUN
+while	SCONJ
+they	PRON
+were	AUX
+on	ADP
+their	PRON
+way	NOUN
+home	ADV
+.	PUNCT
+
+In	ADP
+Suwayrah	PROPN
+,	PUNCT
+Kut	PROPN
+Province	PROPN
+,	PUNCT
+two	NUM
+car	NOUN
+bombs	NOUN
+were	AUX
+discovered	VERB
+before	SCONJ
+they	PRON
+could	AUX
+be	AUX
+detonated	VERB
+.	PUNCT
+
+(	PUNCT
+Kut	PROPN
+is	AUX
+in	ADP
+southeastern	ADJ
+Iraq	PROPN
+and	CCONJ
+has	VERB
+an	DET
+overwhelmingly	ADV
+Shiite	ADJ
+population	NOUN
+,	PUNCT
+who	PRON
+are	AUX
+on	ADP
+the	DET
+lookout	NOUN
+for	ADP
+Baathist	PROPN
+saboteurs	NOUN
+and	CCONJ
+willingly	ADV
+turn	VERB
+them	PRON
+in	ADP
+.	PUNCT
+
+This	DET
+willingness	NOUN
+is	AUX
+the	DET
+main	ADJ
+difference	NOUN
+in	ADP
+the	DET
+number	NOUN
+of	ADP
+bombings	NOUN
+in	ADP
+the	DET
+south	NOUN
+as	SCONJ
+opposed	VERB
+to	ADP
+the	DET
+center	NOUN
+-	PUNCT
+north	NOUN
+of	ADP
+the	DET
+country	NOUN
+.	PUNCT
+)	PUNCT
+
+In	ADP
+Baghdad	PROPN
+Kadhim	PROPN
+Talal	PROPN
+Husain	PROPN
+,	PUNCT
+assistant	ADJ
+dean	NOUN
+at	ADP
+the	DET
+School	PROPN
+of	ADP
+Education	PROPN
+at	ADP
+Mustansiriyah	PROPN
+University	PROPN
+,	PUNCT
+was	AUX
+assassinated	VERB
+with	ADP
+his	PRON
+driver	NOUN
+in	ADP
+the	DET
+Salikh	PROPN
+district	NOUN
+.	PUNCT
+
+Guerrillas	NOUN
+killed	VERB
+an	DET
+engineer	NOUN
+,	PUNCT
+Asi	PROPN
+Ali	PROPN
+,	PUNCT
+from	ADP
+Tikrit	PROPN
+.	PUNCT
+
+They	PRON
+also	ADV
+killed	VERB
+Shaikh	PROPN
+Hamid	PROPN
+'Akkab	PROPN
+,	PUNCT
+a	DET
+clan	NOUN
+elder	NOUN
+of	ADP
+a	DET
+branch	NOUN
+of	ADP
+the	DET
+Dulaim	PROPN
+tribe	NOUN
+in	ADP
+Tikrit	PROPN
+.	PUNCT
+
+His	PRON
+mother	NOUN
+was	AUX
+also	ADV
+killed	VERB
+in	ADP
+the	DET
+attack	NOUN
+.	PUNCT
+
+Two	NUM
+other	ADJ
+Dulaim	PROPN
+leaders	NOUN
+have	AUX
+been	AUX
+killed	VERB
+in	ADP
+the	DET
+past	ADJ
+week	NOUN
+and	CCONJ
+a	DET
+half	NOUN
+.	PUNCT
+
+Guerrillas	NOUN
+near	ADP
+Hawijah	PROPN
+launched	VERB
+an	DET
+attack	NOUN
+that	PRON
+left	VERB
+6	NUM
+dead	ADJ
+,	PUNCT
+including	VERB
+4	NUM
+Iraqi	ADJ
+soldiers	NOUN
+.	PUNCT
+
+One	NUM
+of	ADP
+them	PRON
+was	AUX
+from	ADP
+the	DET
+Jubur	PROPN
+tribe	NOUN
+and	CCONJ
+was	AUX
+deputy	NOUN
+commander	NOUN
+of	ADP
+the	DET
+Hawijah	PROPN
+garrison	NOUN
+.	PUNCT
+
+Two	NUM
+hundred	NUM
+members	NOUN
+of	ADP
+the	DET
+Batawi	PROPN
+clan	NOUN
+of	ADP
+the	DET
+Dulaim	PROPN
+demonstrated	VERB
+in	ADP
+Baghdad	PROPN
+on	ADP
+Friday	PROPN
+,	PUNCT
+protesting	VERB
+the	DET
+killing	NOUN
+of	ADP
+their	PRON
+clan	NOUN
+elder	NOUN
+,	PUNCT
+Shaikh	PROPN
+Kadhim	PROPN
+Sarhid	PROPN
+and	CCONJ
+4	NUM
+of	ADP
+his	PRON
+sons	NOUN
+,	PUNCT
+by	ADP
+gunmen	NOUN
+wearing	VERB
+Iraqi	ADJ
+army	NOUN
+uniforms	NOUN
+.	PUNCT
+
+(	PUNCT
+This	PRON
+is	AUX
+a	DET
+largely	ADV
+Sunni	ADJ
+Arab	ADJ
+clan	NOUN
+,	PUNCT
+and	CCONJ
+some	DET
+Sunni	ADJ
+observers	NOUN
+have	AUX
+accused	VERB
+Shiite	ADJ
+elements	NOUN
+in	ADP
+the	DET
+government	NOUN
+of	SCONJ
+being	AUX
+behind	ADP
+the	DET
+assassination	NOUN
+;	PUNCT
+it	PRON
+is	AUX
+more	ADV
+likely	ADV
+the	DET
+work	NOUN
+of	ADP
+Sunni	ADJ
+Arab	ADJ
+guerrillas	NOUN
+punishing	VERB
+the	DET
+Batawi	PROPN
+leaders	NOUN
+for	SCONJ
+cooperating	VERB
+with	ADP
+the	DET
+Dec.	PROPN
+15	NUM
+elections	NOUN
+.	PUNCT
+)	PUNCT
+
+Al	PROPN
+-	PUNCT
+Zaman	PROPN
+:	PUNCT
+The	DET
+Iraqi	ADJ
+High	PROPN
+Electoral	PROPN
+Commission	PROPN
+on	ADP
+Friday	PROPN
+denied	VERB
+a	DET
+request	NOUN
+of	ADP
+the	DET
+Debaathification	PROPN
+Commission	PROPN
+to	PART
+exclude	VERB
+51	NUM
+individuals	NOUN
+from	SCONJ
+running	VERB
+on	ADP
+party	NOUN
+lists	NOUN
+in	ADP
+the	DET
+Dec.	PROPN
+15	NUM
+elections	NOUN
+on	ADP
+grounds	NOUN
+of	SCONJ
+having	AUX
+been	AUX
+sufficiently	ADV
+involved	ADJ
+in	ADP
+Baath	PROPN
+activities	NOUN
+to	PART
+warrant	VERB
+their	PRON
+being	AUX
+excluded	VERB
+from	ADP
+civil	ADJ
+office	NOUN
+.	PUNCT
+
+The	DET
+Commission	NOUN
+said	VERB
+it	PRON
+had	VERB
+no	DET
+legal	ADJ
+grounds	NOUN
+for	ADP
+such	DET
+an	DET
+exclusion	NOUN
+.	PUNCT
+
+This	DET
+item	NOUN
+is	AUX
+a	DET
+small	ADJ
+one	NOUN
+and	CCONJ
+easily	ADV
+missed	VERB
+.	PUNCT
+
+But	CCONJ
+in	ADP
+my	PRON
+view	NOUN
+it	PRON
+is	AUX
+highly	ADV
+significant	ADJ
+.	PUNCT
+
+The	DET
+Debaathification	PROPN
+Commission	PROPN
+had	AUX
+been	AUX
+pushed	VERB
+by	ADP
+Ahmad	PROPN
+Chalabi	PROPN
+and	CCONJ
+his	PRON
+Iraqi	PROPN
+National	PROPN
+Congress	PROPN
+very	ADV
+hard	ADV
+,	PUNCT
+and	CCONJ
+had	AUX
+pushed	VERB
+many	ADJ
+Sunni	ADJ
+Arabs	PROPN
+into	ADP
+the	DET
+arms	NOUN
+of	ADP
+the	DET
+guerrillas	NOUN
+.	PUNCT
+
+Chalabi	PROPN
+has	AUX
+been	AUX
+increasingly	ADV
+marginalized	VERB
+within	ADP
+Iraq	PROPN
+,	PUNCT
+however	ADV
+,	PUNCT
+despite	ADP
+his	PRON
+ties	NOUN
+of	ADP
+clientelage	NOUN
+with	ADP
+Washington	PROPN
+and	CCONJ
+Tehran	PROPN
+.	PUNCT
+
+He	PRON
+is	AUX
+no	ADV
+longer	ADV
+in	ADP
+the	DET
+dominant	ADJ
+Shiite	ADJ
+list	NOUN
+,	PUNCT
+the	DET
+United	PROPN
+Iraqi	PROPN
+Alliance	PROPN
+,	PUNCT
+and	CCONJ
+wo	AUX
+n't	PART
+have	VERB
+many	ADJ
+seats	NOUN
+in	ADP
+the	DET
+new	ADJ
+parliament	NOUN
+.	PUNCT
+
+Some	DET
+2,000	NUM
+junior	ADJ
+officers	NOUN
+of	ADP
+the	DET
+old	ADJ
+Baath	PROPN
+army	NOUN
+have	AUX
+been	AUX
+recalled	VERB
+to	ADP
+duty	NOUN
+in	ADP
+recent	ADJ
+months	NOUN
+,	PUNCT
+something	PRON
+Chalabi	PROPN
+would	AUX
+have	AUX
+blocked	VERB
+if	SCONJ
+he	PRON
+could	AUX
+have	VERB
+.	PUNCT
+
+Now	ADV
+the	DET
+Electoral	PROPN
+Commission	PROPN
+is	AUX
+refusing	VERB
+to	PART
+punish	VERB
+people	NOUN
+for	ADP
+mere	ADJ
+past	ADJ
+Baath	PROPN
+Party	PROPN
+membership	NOUN
+.	PUNCT
+
+The	DET
+situation	NOUN
+in	ADP
+Iraq	PROPN
+is	AUX
+only	ADV
+going	VERB
+to	PART
+get	VERB
+better	ADJ
+this	DET
+way	NOUN
+.	PUNCT
+
+If	SCONJ
+someone	PRON
+committed	VERB
+a	DET
+crime	NOUN
+against	ADP
+humanity	NOUN
+,	PUNCT
+prosecute	VERB
+the	DET
+person	NOUN
+.	PUNCT
+
+If	SCONJ
+he	PRON
+or	CCONJ
+she	PRON
+did	VERB
+not	PART
+,	PUNCT
+then	ADV
+they	PRON
+should	AUX
+have	VERB
+all	DET
+the	DET
+same	ADJ
+rights	NOUN
+as	ADP
+other	ADJ
+Iraqis	PROPN
+.	PUNCT
+
+Al	PROPN
+-	PUNCT
+Sharq	PROPN
+al	PROPN
+-	PUNCT
+Awsat	PROPN
+reports	VERB
+that	SCONJ
+a	DET
+key	ADJ
+eyewitness	NOUN
+in	ADP
+the	DET
+trial	NOUN
+of	ADP
+Saddam	PROPN
+Hussein	PROPN
+for	ADP
+a	DET
+1982	NUM
+massacre	NOUN
+at	ADP
+Dujail	PROPN
+has	AUX
+died	VERB
+.	PUNCT
+
+A	DET
+team	NOUN
+from	ADP
+the	DET
+court	NOUN
+managed	VERB
+to	PART
+take	VERB
+his	PRON
+deposition	NOUN
+before	SCONJ
+he	PRON
+died	VERB
+.	PUNCT
+
+The	DET
+trial	NOUN
+begins	VERB
+again	ADV
+Nov.	PROPN
+28	NUM
+.	PUNCT
+
+In	ADP
+Baghdad	PROPN
+the	DET
+fighting	NOUN
+still	ADV
+continues	VERB
+in	ADP
+several	ADJ
+areas	NOUN
+,	PUNCT
+mostly	ADV
+in	ADP
+Sadr	PROPN
+city	NOUN
+and	CCONJ
+Adhamiya	PROPN
+.	PUNCT
+
+Baghdadis	PROPN
+do	AUX
+n't	PART
+venture	VERB
+much	ADV
+out	ADP
+of	ADP
+their	PRON
+neighbourhoods	NOUN
+any	ADV
+more	ADV
+,	PUNCT
+you	PRON
+never	ADV
+know	VERB
+where	ADV
+you	PRON
+might	AUX
+get	VERB
+stuck	ADJ
+.	PUNCT
+
+There	PRON
+has	AUX
+been	VERB
+talk	NOUN
+that	SCONJ
+the	DET
+night	NOUN
+curfew	NOUN
+might	AUX
+be	AUX
+implemented	VERB
+again	ADV
+.	PUNCT
+
+My	PRON
+neighbourhood	NOUN
+has	AUX
+been	AUX
+surrounded	VERB
+by	ADP
+American	ADJ
+troops	NOUN
+for	ADP
+three	NUM
+days	NOUN
+now	ADV
+,	PUNCT
+helicopters	NOUN
+have	AUX
+been	AUX
+circling	VERB
+over	ADP
+our	PRON
+heads	NOUN
+non-stop	ADV
+.	PUNCT
+
+Fedayeen	NOUN
+are	AUX
+now	ADV
+visible	ADJ
+on	ADP
+the	DET
+street	NOUN
+and	CCONJ
+they	PRON
+have	AUX
+become	VERB
+bolder	ADJ
+than	ADP
+ever	ADV
+.	PUNCT
+
+Yesterday	NOUN
+there	PRON
+were	VERB
+tens	NOUN
+of	ADP
+them	PRON
+putting	VERB
+road	NOUN
+blocks	NOUN
+on	ADP
+our	PRON
+street	NOUN
+and	CCONJ
+setting	VERB
+up	ADP
+mortars	NOUN
+,	PUNCT
+they	PRON
+only	ADV
+come	VERB
+out	ADV
+in	ADP
+the	DET
+open	ADJ
+when	ADV
+Americans	PROPN
+leave	VERB
+the	DET
+area	NOUN
+,	PUNCT
+then	ADV
+they	PRON
+start	VERB
+firing	VERB
+mortars	NOUN
+indiscriminately	ADV
+and	CCONJ
+shooting	VERB
+their	PRON
+AK	NOUN
+-	PUNCT
+47's	NOUN
+in	ADP
+the	DET
+air	NOUN
+.	PUNCT
+
+They	PRON
+are	AUX
+setting	VERB
+the	DET
+road	NOUN
+blocks	NOUN
+at	ADP
+the	DET
+exact	ADV
+same	ADJ
+positions	NOUN
+they	PRON
+were	VERB
+during	ADP
+the	DET
+war	NOUN
+last	ADJ
+year	NOUN
+,	PUNCT
+which	PRON
+indicates	VERB
+they	PRON
+are	AUX
+the	DET
+same	ADJ
+people	NOUN
+.	PUNCT
+
+And	CCONJ
+there	PRON
+is	VERB
+nothing	PRON
+we	PRON
+can	AUX
+do	VERB
+about	ADP
+it	PRON
+really	ADV
+,	PUNCT
+people	NOUN
+who	PRON
+are	AUX
+suggesting	VERB
+that	SCONJ
+we	PRON
+go	VERB
+out	ADV
+and	CCONJ
+fight	VERB
+them	PRON
+are	AUX
+living	VERB
+in	ADP
+dream	NOUN
+land	NOUN
+.	PUNCT
+
+Even	ADV
+the	DET
+IP	PROPN
+and	CCONJ
+ICDC	PROPN
+have	AUX
+abandoned	VERB
+the	DET
+neighbourhood	NOUN
+,	PUNCT
+and	CCONJ
+those	PRON
+are	AUX
+trained	ADJ
+and	CCONJ
+armed	ADJ
+,	PUNCT
+so	ADV
+do	AUX
+n't	PART
+expect	VERB
+scared	ADJ
+civilians	NOUN
+to	PART
+do	VERB
+anything	PRON
+except	SCONJ
+to	PART
+hide	VERB
+inside	ADV
+and	CCONJ
+pray	VERB
+a	DET
+helicopter	NOUN
+or	CCONJ
+a	DET
+tank	NOUN
+does	AUX
+n't	PART
+bomb	VERB
+them	PRON
+,	PUNCT
+and	CCONJ
+also	ADV
+how	ADV
+are	AUX
+American	ADJ
+soldiers	NOUN
+going	VERB
+to	PART
+distinguish	VERB
+the	DET
+brave	ADJ
+and	CCONJ
+valiant	ADJ
+civilians	NOUN
+from	ADP
+the	DET
+Fedayeen	NOUN
+?	PUNCT
+
+Everyone	PRON
+is	AUX
+apprehensive	ADJ
+,	PUNCT
+there	PRON
+is	VERB
+some	DET
+talk	NOUN
+that	SCONJ
+April	PROPN
+9th	NOUN
+and	CCONJ
+10th	NOUN
+are	AUX
+going	VERB
+to	PART
+be	AUX
+bloody	ADJ
+days	NOUN
+.	PUNCT
+
+Most	ADJ
+people	NOUN
+have	AUX
+n't	PART
+gone	VERB
+to	ADP
+work	NOUN
+the	DET
+last	ADJ
+few	ADJ
+days	NOUN
+,	PUNCT
+although	SCONJ
+it	PRON
+seems	VERB
+that	SCONJ
+the	DET
+rest	NOUN
+of	ADP
+Baghdad	PROPN
+is	AUX
+'	PUNCT
+normal	ADJ
+'	PUNCT
+(	PUNCT
+if	SCONJ
+you	PRON
+can	AUX
+define	VERB
+what	PRON
+normal	NOUN
+is	VERB
+)	PUNCT
+.	PUNCT
+
+There	PRON
+are	VERB
+rumours	NOUN
+about	ADP
+preparations	NOUN
+by	ADP
+slum	NOUN
+dwellers	NOUN
+for	ADP
+another	DET
+looting	NOUN
+spree	NOUN
+against	ADP
+banks	NOUN
+,	PUNCT
+governmental	ADJ
+and	CCONJ
+public	ADJ
+property	NOUN
+similar	ADJ
+to	ADP
+the	DET
+one	NOUN
+that	PRON
+took	VERB
+place	NOUN
+last	ADJ
+April	PROPN
+,	PUNCT
+and	CCONJ
+I	PRON
+have	AUX
+already	ADV
+overheard	VERB
+youngsters	NOUN
+in	ADP
+my	PRON
+neighbourhood	NOUN
+joking	VERB
+about	ADP
+it	PRON
+and	CCONJ
+saying	VERB
+things	NOUN
+like	SCONJ
+"	PUNCT
+This	DET
+time	NOUN
+we	PRON
+will	AUX
+be	AUX
+the	DET
+first	ADJ
+to	PART
+loot	VERB
+,	PUNCT
+we	PRON
+did	AUX
+n't	PART
+get	VERB
+anything	PRON
+the	DET
+last	ADJ
+time	NOUN
+"	PUNCT
+.	PUNCT
+
+Mosques	NOUN
+are	AUX
+calling	VERB
+for	SCONJ
+donating	VERB
+blood	NOUN
+,	PUNCT
+food	NOUN
+,	PUNCT
+and	CCONJ
+medicine	NOUN
+for	ADP
+Fallujah	PROPN
+,	PUNCT
+and	CCONJ
+several	ADJ
+convoys	NOUN
+have	AUX
+already	ADV
+headed	VERB
+out	ADV
+for	ADP
+Fallujah	PROPN
+,	PUNCT
+most	ADJ
+of	ADP
+them	PRON
+returned	VERB
+later	ADV
+though	ADV
+.	PUNCT
+
+What	PRON
+irritates	VERB
+me	PRON
+is	AUX
+this	DET
+sudden	ADJ
+false	ADJ
+'	PUNCT
+solidarity	NOUN
+'	PUNCT
+between	ADP
+Sunni	ADJ
+and	CCONJ
+Shi'ite	ADJ
+clerics	NOUN
+,	PUNCT
+we	PRON
+all	DET
+know	VERB
+that	SCONJ
+they	PRON
+would	AUX
+be	AUX
+glad	ADJ
+to	PART
+get	VERB
+at	ADP
+each	DET
+other	ADJ
+s	PART
+throats	NOUN
+when	ADV
+they	PRON
+have	VERB
+the	DET
+chance	NOUN
+,	PUNCT
+and	CCONJ
+Shia	ADJ
+clerics	NOUN
+were	AUX
+describing	VERB
+Fallujan	ADJ
+insurgents	NOUN
+as	ADP
+'	PUNCT
+Ba'athists	PROPN
+'	PUNCT
+,	PUNCT
+'	PUNCT
+Saddamites	PROPN
+'	PUNCT
+,	PUNCT
+'	PUNCT
+Wahhabis	PROPN
+'	PUNCT
+,	PUNCT
+and	CCONJ
+'	PUNCT
+terrorists	NOUN
+'	PUNCT
+just	ADV
+a	DET
+few	ADJ
+days	NOUN
+ago	ADV
+.	PUNCT
+
+So	ADV
+what	PRON
+happened	VERB
+?	PUNCT
+
+I	PRON
+guess	VERB
+it	PRON
+'s	AUX
+just	ADV
+the	DET
+old	ADJ
+new	ADJ
+Arab	ADJ
+'	PUNCT
+Me	PRON
+against	ADP
+my	PRON
+brother	NOUN
+,	PUNCT
+me	PRON
+and	CCONJ
+my	PRON
+brother	NOUN
+against	ADP
+my	PRON
+cousin	NOUN
+,	PUNCT
+me	PRON
+and	CCONJ
+my	PRON
+cousin	NOUN
+against	ADP
+my	PRON
+enemy	NOUN
+'	PUNCT
+,	PUNCT
+or	CCONJ
+'	PUNCT
+The	DET
+enemy	NOUN
+of	ADP
+my	PRON
+enemy	NOUN
+is	AUX
+my	PRON
+friend	NOUN
+'	PUNCT
+thing	NOUN
+going	VERB
+on	ADP
+again	ADV
+.	PUNCT
+
+Speaking	VERB
+of	ADP
+Fallujah	PROPN
+,	PUNCT
+we	PRON
+have	VERB
+only	ADV
+Al	PROPN
+-	PUNCT
+Jazeera	PROPN
+to	PART
+rely	VERB
+on	ADP
+for	ADP
+our	PRON
+news	NOUN
+from	ADP
+there	ADV
+.	PUNCT
+
+They	PRON
+have	AUX
+sent	VERB
+over	ADV
+their	PRON
+top	ADJ
+reporter	NOUN
+Ahmed	PROPN
+Mansour	PROPN
+to	ADP
+the	DET
+town	NOUN
+,	PUNCT
+and	CCONJ
+he	PRON
+is	AUX
+spouting	VERB
+all	DET
+kinds	NOUN
+of	ADP
+propaganda	NOUN
+hourly	ADV
+reminding	VERB
+me	PRON
+of	ADP
+Al	PROPN
+-	PUNCT
+Sahhaf	PROPN
+.	PUNCT
+
+"	PUNCT
+They	PRON
+are	AUX
+targetting	VERB
+ambulances	NOUN
+"	PUNCT
+,	PUNCT
+"	PUNCT
+American	ADJ
+snipers	NOUN
+are	AUX
+shooting	VERB
+children	NOUN
+and	CCONJ
+pregnant	ADJ
+women	NOUN
+"	PUNCT
+,	PUNCT
+and	CCONJ
+"	PUNCT
+They	PRON
+are	AUX
+using	VERB
+cluster	NOUN
+bombs	NOUN
+against	ADP
+civilians	NOUN
+"	PUNCT
+is	AUX
+all	DET
+you	PRON
+get	VERB
+to	PART
+hear	VERB
+from	ADP
+him	PRON
+.	PUNCT
+
+He	PRON
+did	AUX
+once	ADV
+make	VERB
+an	DET
+unforgivable	ADJ
+error	NOUN
+when	ADV
+he	PRON
+mentioned	VERB
+that	SCONJ
+Fallujan	ADJ
+militants	NOUN
+were	AUX
+shooting	VERB
+at	ADP
+the	DET
+Marines	PROPN
+from	ADP
+the	DET
+roofs	NOUN
+of	ADP
+mosques	NOUN
+and	CCONJ
+houses	NOUN
+in	ADP
+Hay	PROPN
+Al	PROPN
+-	PUNCT
+Golan	PROPN
+,	PUNCT
+but	CCONJ
+of	ADV
+course	ADV
+that	PRON
+is	AUX
+okay	ADJ
+for	ADP
+Al	PROPN
+-	PUNCT
+Jazeera	PROPN
+.	PUNCT
+
+Someone	PRON
+who	PRON
+called	VERB
+himself	PRON
+Abu	PROPN
+Hafs	PROPN
+from	ADP
+the	DET
+Ibn	PROPN
+Al	PROPN
+-	PUNCT
+Khattab	PROPN
+Brigades	PROPN
+(	PUNCT
+another	DET
+new	ADJ
+group	NOUN
+)	PUNCT
+was	AUX
+on	ADP
+Al	PROPN
+-	PUNCT
+Jazeera	PROPN
+describing	VERB
+the	DET
+enormous	ADJ
+casualties	NOUN
+among	ADP
+the	DET
+Marines	PROPN
+and	CCONJ
+he	PRON
+sweared	VERB
+that	SCONJ
+American	ADJ
+soldiers	NOUN
+were	AUX
+mutilating	VERB
+the	DET
+bodies	NOUN
+of	ADP
+dead	ADJ
+insurgents	NOUN
+.	PUNCT
+
+Over	ADV
+300	NUM
+Iraqis	PROPN
+are	AUX
+reported	VERB
+dead	ADJ
+and	CCONJ
+500	NUM
+wounded	ADJ
+in	ADP
+Fallujah	PROPN
+alone	ADV
+.	PUNCT
+
+Al	PROPN
+-	PUNCT
+Iraqiyah	PROPN
+tv	PROPN
+said	VERB
+that	SCONJ
+ICDC	PROPN
+were	AUX
+controlling	VERB
+Ramadi	PROPN
+.	PUNCT
+
+Azzaman	PROPN
+newspaper	NOUN
+mentioned	VERB
+an	DET
+announcement	NOUN
+signed	VERB
+by	ADP
+Abdul	PROPN
+Aziz	PROPN
+bin	PROPN
+Muqrin	PROPN
+,	PUNCT
+an	DET
+Al	PROPN
+-	PUNCT
+Qaeda	PROPN
+operative	NOUN
+in	ADP
+Saudi	PROPN
+Arabia	PROPN
+on	ADP
+an	DET
+Islamic	ADJ
+website	NOUN
+'	PUNCT
+the	DET
+voice	PROPN
+of	ADP
+Jihad	PROPN
+'	PUNCT
+,	PUNCT
+in	ADP
+which	PRON
+he	PRON
+stated	VERB
+that	SCONJ
+"	PUNCT
+although	SCONJ
+mutilating	VERB
+dead	ADJ
+bodies	NOUN
+is	AUX
+not	PART
+originally	ADV
+permitted	VERB
+in	ADP
+Islam	PROPN
+,	PUNCT
+but	CCONJ
+in	ADP
+this	DET
+case	NOUN
+it	PRON
+is	AUX
+allowed	VERB
+if	SCONJ
+Muslims	PROPN
+use	VERB
+it	PRON
+against	ADP
+infidels	NOUN
+to	PART
+deter	VERB
+them	PRON
+from	SCONJ
+committing	VERB
+criminal	ADJ
+actions	NOUN
+"	PUNCT
+.	PUNCT
+
+He	PRON
+added	VERB
+that	SCONJ
+"	PUNCT
+America	PROPN
+does	AUX
+not	PART
+understand	VERB
+anything	PRON
+except	ADP
+the	DET
+language	NOUN
+of	ADP
+force	NOUN
+and	CCONJ
+retaliation	NOUN
+,	PUNCT
+they	PRON
+were	AUX
+kicked	VERB
+out	ADP
+of	ADP
+Somalia	PROPN
+in	ADP
+humiliation	NOUN
+after	SCONJ
+that	DET
+soldier	NOUN
+was	AUX
+dragged	VERB
+in	ADP
+Mogadishu	PROPN
+for	SCONJ
+the	DET
+whole	ADJ
+world	NOUN
+to	PART
+see	VERB
+"	PUNCT
+,	PUNCT
+and	CCONJ
+that	SCONJ
+"	PUNCT
+the	DET
+day	NOUN
+will	AUX
+come	VERB
+when	ADV
+the	DET
+dead	ADJ
+bodies	NOUN
+of	ADP
+Americans	PROPN
+and	CCONJ
+Jews	PROPN
+would	AUX
+be	AUX
+dragged	VERB
+,	PUNCT
+defiled	VERB
+,	PUNCT
+and	CCONJ
+stepped	VERB
+on	ADP
+in	ADP
+the	DET
+Arabian	PROPN
+peninsula	PROPN
+together	ADV
+with	ADP
+their	PRON
+agents	NOUN
+and	CCONJ
+supporters	NOUN
+"	PUNCT
+.	PUNCT
+
+Elena	PROPN
+'s	PART
+motorcycle	NOUN
+tour	NOUN
+through	ADP
+the	DET
+region	NOUN
+around	ADP
+Chernobyl	PROPN
+has	AUX
+revived	VERB
+interest	NOUN
+in	ADP
+one	NUM
+of	ADP
+the	DET
+most	ADV
+serious	ADJ
+nuclear	ADJ
+disasters	NOUN
+in	ADP
+history	NOUN
+.	PUNCT
+
+We	PRON
+all	DET
+know	VERB
+what	PRON
+happened	VERB
+,	PUNCT
+but	CCONJ
+even	ADV
+to	ADP
+this	DET
+day	NOUN
+,	PUNCT
+there	PRON
+are	VERB
+many	ADJ
+different	ADJ
+versions	NOUN
+and	CCONJ
+opinions	NOUN
+on	ADP
+how	ADV
+it	PRON
+happened	VERB
+and	CCONJ
+what	DET
+effect	NOUN
+Chernobyl	PROPN
+will	AUX
+have	VERB
+on	ADP
+the	DET
+health	NOUN
+of	ADP
+people	NOUN
+affected	VERB
+by	ADP
+the	DET
+fallout	NOUN
+.	PUNCT
+
+UPDATE	NOUN
+:	PUNCT
+
+Now	ADV
+you	PRON
+can	AUX
+tour	VERB
+Chernobyl	PROPN
+and	CCONJ
+write	VERB
+your	PRON
+own	ADJ
+story	NOUN
+.	PUNCT
+
+This	PRON
+is	AUX
+not	PART
+a	DET
+post	NOUN
+about	ADP
+fault	NOUN
+-	PUNCT
+finding	NOUN
+or	CCONJ
+assigning	VERB
+blame	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+a	DET
+time	NOUN
+to	PART
+learn	VERB
+what	PRON
+happened	VERB
+and	CCONJ
+how	ADV
+it	PRON
+may	AUX
+affect	VERB
+the	DET
+future	NOUN
+.	PUNCT
+
+There	PRON
+was	AUX
+a	DET
+soothing	ADJ
+authoritative	ADJ
+UNSCEAR	PROPN
+(	PUNCT
+United	PROPN
+Nations	PROPN
+Scientific	PROPN
+Committee	PROPN
+on	ADP
+the	DET
+Effects	PROPN
+of	ADP
+Atomic	PROPN
+Radiation	PROPN
+)	PUNCT
+report	NOUN
+in	ADP
+2000	NUM
+on	ADP
+the	DET
+health	NOUN
+effects	NOUN
+of	ADP
+Chernobyl	PROPN
+confirming	VERB
+that	SCONJ
+there	PRON
+was	VERB
+no	DET
+scientific	ADJ
+evidence	NOUN
+of	ADP
+any	DET
+significant	ADJ
+radiation	NOUN
+-	PUNCT
+related	ADJ
+health	NOUN
+effects	NOUN
+to	ADP
+most	ADJ
+people	NOUN
+exposed	VERB
+.	PUNCT
+
+This	PRON
+was	AUX
+heavily	ADV
+promoted	VERB
+by	ADP
+the	DET
+Australasian	PROPN
+Radiation	PROPN
+Protection	PROPN
+Society	PROPN
+in	ADP
+a	DET
+press	NOUN
+release	NOUN
+titled	VERB
+THE	DET
+MYTHS	PROPN
+OF	ADP
+CHERNOBYL	PROPN
+which	PRON
+contained	VERB
+the	DET
+following	VERB
+:	PUNCT
+
+One	NUM
+of	ADP
+the	DET
+most	ADV
+widespread	ADJ
+myths	NOUN
+of	ADP
+recent	ADJ
+times	NOUN
+is	VERB
+that	SCONJ
+the	DET
+Chernobyl	PROPN
+nuclear	ADJ
+reactor	NOUN
+accident	NOUN
+in	ADP
+1986	NUM
+caused	VERB
+many	ADJ
+thousands	NOUN
+of	ADP
+extra	ADJ
+cancer	NOUN
+deaths	NOUN
+in	ADP
+neighbouring	VERB
+regions	NOUN
+,	PUNCT
+and	CCONJ
+that	SCONJ
+public	ADJ
+health	NOUN
+has	AUX
+been	AUX
+severely	ADV
+affected	VERB
+by	ADP
+exposure	NOUN
+to	ADP
+radiation	NOUN
+.	PUNCT
+
+Many	ADJ
+people	NOUN
+still	ADV
+believe	VERB
+that	PRON
+to	PART
+be	AUX
+true	ADJ
+,	PUNCT
+even	ADV
+though	SCONJ
+the	DET
+Ministry	PROPN
+of	ADP
+Russian	PROPN
+Federation	NOUN
+on	ADP
+Civil	PROPN
+Defence	PROPN
+,	PUNCT
+Emergencies	PROPN
+and	CCONJ
+Elimination	PROPN
+of	ADP
+Conseguences	PROPN
+of	ADP
+Natural	PROPN
+Disasters	PROPN
+(	PUNCT
+EMERCOM	PROPN
+of	ADP
+Russia	PROPN
+)	PUNCT
+reported	VERB
+this	PRON
+in	ADP
+1996	NUM
+:	PUNCT
+
+CHERNOBYL	PROPN
+ACCIDENT	NOUN
+:	PUNCT
+TEN	NUM
+YEARS	NOUN
+ON	ADV
+
+In	ADP
+the	DET
+last	ADJ
+decade	NOUN
+,	PUNCT
+there	PRON
+has	AUX
+been	VERB
+a	DET
+real	ADJ
+and	CCONJ
+significant	ADJ
+increase	NOUN
+in	ADP
+childhood	NOUN
+and	CCONJ
+,	PUNCT
+to	ADP
+a	DET
+certain	ADJ
+extent	NOUN
+,	PUNCT
+adult	NOUN
+carcinoma	NOUN
+of	ADP
+the	DET
+thyroid	NOUN
+in	ADP
+contaminated	VERB
+regions	NOUN
+of	ADP
+the	DET
+former	ADJ
+Soviet	PROPN
+Union	PROPN
+(	PUNCT
+Wi940	PROPN
+)	PUNCT
+which	PRON
+should	AUX
+be	AUX
+attributed	VERB
+to	ADP
+the	DET
+Chernobyl	PROPN
+accident	NOUN
+until	SCONJ
+proven	VERB
+otherwise	ADV
+.	PUNCT
+
+The	DET
+prestigious	ADJ
+IAEA	PROPN
+(	PUNCT
+International	PROPN
+Atomic	PROPN
+Energy	PROPN
+Agency	PROPN
+)	PUNCT
+published	VERB
+an	DET
+early	ADJ
+report	NOUN
+on	ADP
+Chernobyl	PROPN
+which	PRON
+was	AUX
+based	VERB
+on	ADP
+information	NOUN
+from	ADP
+Russian	ADJ
+sources	NOUN
+and	CCONJ
+stated	VERB
+that	SCONJ
+there	PRON
+was	VERB
+no	DET
+significant	ADJ
+health	NOUN
+effects	NOUN
+.	PUNCT
+
+However	ADV
+,	PUNCT
+in	ADP
+April	PROPN
+2001	NUM
+,	PUNCT
+the	DET
+IAEA	PROPN
+published	VERB
+Fifteen	PROPN
+Years	PROPN
+after	ADP
+the	DET
+Chernobyl	PROPN
+Accident	PROPN
+-	PUNCT
+Lessons	PROPN
+learned	VERB
+.	PUNCT
+which	PRON
+contradict	VERB
+the	DET
+earlier	ADJ
+reports	NOUN
+.	PUNCT
+
+Here	ADV
+are	AUX
+some	DET
+excerpts	NOUN
+:	PUNCT
+
+The	DET
+dramatic	ADJ
+increase	NOUN
+in	ADP
+radiation	NOUN
+-	PUNCT
+induced	VERB
+thyroid	NOUN
+cancers	NOUN
+in	ADP
+children	NOUN
+and	CCONJ
+adolescents	NOUN
+in	ADP
+Belarus	PROPN
+,	PUNCT
+Russia	PROPN
+,	PUNCT
+and	CCONJ
+Ukraine	PROPN
+,	PUNCT
+which	PRON
+have	AUX
+been	AUX
+observed	VERB
+since	ADP
+1991	NUM
+,	PUNCT
+continues	VERB
+to	ADP
+this	DET
+day	NOUN
+.	PUNCT
+
+...	PUNCT
+a	DET
+drop	NOUN
+in	ADP
+the	DET
+birth	NOUN
+rate	NOUN
+,	PUNCT
+a	DET
+deterioration	NOUN
+in	ADP
+women	NOUN
+'s	PART
+reproductive	ADJ
+health	NOUN
+,	PUNCT
+an	DET
+increase	NOUN
+in	ADP
+complications	NOUN
+during	ADP
+pregnancy	NOUN
+and	CCONJ
+birth	NOUN
+,	PUNCT
+and	CCONJ
+a	DET
+deterioration	NOUN
+in	ADP
+neonatal	ADJ
+health	NOUN
+....	PUNCT
+
+The	DET
+dynamics	NOUN
+of	ADP
+change	NOUN
+in	ADP
+the	DET
+state	NOUN
+of	ADP
+health	NOUN
+of	ADP
+children	NOUN
+affected	VERB
+by	ADP
+the	DET
+Chernobyl	PROPN
+accident	NOUN
+in	ADP
+all	DET
+three	NUM
+countries	NOUN
+-	PUNCT
+Belarus	PROPN
+,	PUNCT
+Russia	PROPN
+,	PUNCT
+and	CCONJ
+Ukraine	PROPN
+-	PUNCT
+in	ADP
+the	DET
+post-accident	ADJ
+period	NOUN
+is	AUX
+characterized	VERB
+by	ADP
+persistent	ADJ
+negative	ADJ
+tendencies	NOUN
+:	PUNCT
+the	DET
+morbidity	NOUN
+rate	NOUN
+is	AUX
+going	VERB
+up	ADV
+,	PUNCT
+the	DET
+number	NOUN
+of	ADP
+really	ADV
+healthy	ADJ
+children	NOUN
+is	AUX
+dropping	VERB
+,	PUNCT
+and	CCONJ
+disability	NOUN
+is	AUX
+increasing	VERB
+.	PUNCT
+
+As	ADP
+a	DET
+parent	NOUN
+,	PUNCT
+I	PRON
+can	AUX
+well	ADV
+imagine	VERB
+how	ADV
+painful	ADJ
+it	PRON
+must	AUX
+be	AUX
+for	ADP
+those	DET
+families	NOUN
+whose	PRON
+children	NOUN
+are	AUX
+succumbing	VERB
+to	ADP
+radiation	NOUN
+poisoning	NOUN
+.	PUNCT
+
+There	PRON
+is	VERB
+a	DET
+lot	NOUN
+to	PART
+learn	VERB
+about	ADP
+Chernobyl	PROPN
+.	PUNCT
+
+Being	VERB
+well	ADV
+-	PUNCT
+informed	VERB
+will	AUX
+give	VERB
+you	PRON
+certainty	NOUN
+and	CCONJ
+that	PRON
+is	AUX
+desirable	ADJ
+in	ADP
+a	DET
+world	NOUN
+of	ADP
+conflicting	VERB
+reports	NOUN
+.	PUNCT
+
+There	PRON
+are	VERB
+a	DET
+wealth	NOUN
+of	ADP
+references	NOUN
+on	ADP
+Chernobyl	PROPN
+.	PUNCT
+
+Read	VERB
+some	DET
+of	ADP
+the	DET
+following	VERB
+links	NOUN
+and	CCONJ
+draw	VERB
+your	PRON
+own	ADJ
+conclusions	NOUN
+.	PUNCT
+
+These	DET
+links	NOUN
+present	VERB
+the	DET
+many	ADJ
+viewpoints	NOUN
+that	PRON
+existed	VERB
+and	CCONJ
+still	ADV
+exist	VERB
+about	ADP
+the	DET
+disaster	NOUN
+called	VERB
+Chernobyl	PROPN
+:	PUNCT
+
+IAEA	PROPN
+Report	NOUN
+Lessons	PROPN
+learned	VERB
+
+http://www.ibiblio.org/expo/soviet.exhibit/chernobyl.html	X
+
+http://www.ibrae.ac.ru/IBRAE/eng/chernobyl/nat_rep/nat_repe.htm#24	X
+
+http://www.nsrl.ttu.edu/chernobyl/wildlifepreserve.htm	X
+
+http://www.environmentalchemistry.com/yogi/hazmat/articles/chernobyl1.html	X
+
+http://digon_va.tripod.com/Chernobyl.htm	X
+
+http://www.oneworld.org/index_oc/issue196/byckau.html	X
+
+http://www.collectinghistory.net/chernobyl/	X
+
+http://www.ukrainianweb.com/chernobyl_ukraine.htm	X
+
+http://www.bullatomsci.org/issues/1993/s93/s93Marples.html	X
+
+http://www.calguard.ca.gov/ia/Chernobyl-15%20years.htm	X
+
+http://www.infoukes.com/history/chornobyl/gregorovich/index.html	X
+
+http://www.un.org/ha/chernobyl/	X
+
+http://www.tecsoc.org/pubs/history/2002/apr26.htm	X
+
+http://www.chernobyl.org.uk/page2.htm	X
+
+http://www.time.com/time/daily/chernobyl/860901.accident.html	X
+
+http://www.infoukes.com/history/chornobyl/elg/	X
+
+http://www.world-nuclear.org/info/chernobyl/inf07.htm	X
+
+http://www.nea.fr/html/rp/chernobyl/conclusions5.html	X
+
+http://www.nea.fr/html/rp/chernobyl/c01.html	X
+
+http://www.nea.fr/html/rp/chernobyl/c05.html	X
+
+http://www.physics.isu.edu/radinf/chern.htm	X
+
+http://www.chernobyl.info/en	X
+
+http://www.arps.org.au/Chernobyl.htm	X
+
+http://www-formal.stanford.edu/jmc/progress/chernobyl.html	X
+
+http://www.21stcenturysciencetech.com/articles/chernobyl.html	X
+
+I	PRON
+would	AUX
+be	AUX
+interested	ADJ
+in	SCONJ
+hearing	VERB
+what	DET
+conclusions	NOUN
+you	PRON
+reached	VERB
+and	CCONJ
+what	PRON
+you	PRON
+found	VERB
+that	PRON
+was	AUX
+most	ADV
+convincing	ADJ
+.	PUNCT
+
+radiation	NOUN
+:	PUNCT
+
+As	ADP
+a	DET
+child	NOUN
+in	ADP
+the	DET
+50's	NOUN
+I	PRON
+had	VERB
+a	DET
+lot	NOUN
+of	ADP
+glandular	ADJ
+problems	NOUN
+and	CCONJ
+they	PRON
+treated	VERB
+it	PRON
+with	ADP
+radiation	NOUN
+therapy	NOUN
+(	PUNCT
+primitive	ADJ
+at	ADP
+best	ADJ
+!	PUNCT
+)	PUNCT
+and	CCONJ
+stopped	VERB
+when	ADV
+a	DET
+lesion	NOUN
+on	ADP
+my	PRON
+neck	NOUN
+started	VERB
+enlarging	VERB
+--	PUNCT
+they	PRON
+said	VERB
+it	PRON
+was	AUX
+not	PART
+CA	NOUN
+but	CCONJ
+stopped	VERB
+the	DET
+treatments	NOUN
+....	PUNCT
+
+Remember	VERB
+the	DET
+old	ADJ
+shoe	NOUN
+sizing	VERB
+machines	NOUN
+that	PRON
+was	AUX
+a	DET
+form	NOUN
+of	ADP
+radiation	NOUN
+xray	NOUN
+?	PUNCT
+
+That	PRON
+too	ADV
+was	AUX
+stopped	VERB
+.	PUNCT
+
+Do	AUX
+n't	PART
+have	VERB
+to	PART
+mention	VERB
+what	PRON
+radiation	NOUN
+has	AUX
+done	VERB
+and	CCONJ
+is	AUX
+still	ADV
+doing	VERB
+to	ADP
+Hirsohima	PROPN
+&	CCONJ
+Nagaski	PROPN
+folks	NOUN
+--	PUNCT
+there	PRON
+can	AUX
+be	VERB
+no	DET
+doubts	NOUN
+about	ADP
+the	DET
+effects	NOUN
+of	ADP
+radiation	NOUN
+in	ADP
+Chernobyl	PROPN
+.......	PUNCT
+
+The	DET
+Chernobyl	PROPN
+Children	PROPN
+'s	PART
+Project	PROPN
+(	PUNCT
+http://www.adiccp.org/home/default.asp	X
+)	PUNCT
+offers	VERB
+several	ADJ
+ways	NOUN
+to	PART
+help	VERB
+the	DET
+children	NOUN
+of	ADP
+that	DET
+region	NOUN
+.	PUNCT
+
+One	NUM
+of	ADP
+them	PRON
+is	AUX
+the	DET
+Rest	PROPN
+and	CCONJ
+Recuperation	PROPN
+Program	PROPN
+,	PUNCT
+wherein	ADV
+a	DET
+child	NOUN
+can	AUX
+come	VERB
+to	ADP
+the	DET
+US	PROPN
+for	ADP
+a	DET
+few	ADJ
+weeks	NOUN
+in	ADP
+the	DET
+summer	NOUN
+.	PUNCT
+
+Even	ADV
+a	DET
+little	ADJ
+time	NOUN
+spent	VERB
+receiving	VERB
+wholesome	ADJ
+,	PUNCT
+uncontaminated	ADJ
+food	NOUN
+,	PUNCT
+good	ADJ
+medical	ADJ
+care	NOUN
+,	PUNCT
+etc.	X
+can	AUX
+add	VERB
+years	NOUN
+to	ADP
+their	PRON
+lives	NOUN
+.	PUNCT
+
+S.	PROPN
+and	CCONJ
+I	PRON
+have	VERB
+an	DET
+acquaintance	NOUN
+who	PRON
+has	AUX
+hosted	VERB
+several	ADJ
+of	ADP
+these	DET
+children	NOUN
+for	ADP
+many	ADJ
+years	NOUN
+;	PUNCT
+to	PART
+see	VERB
+these	DET
+little	ADJ
+ones	NOUN
+breaks	VERB
+the	DET
+heart	NOUN
+.	PUNCT
+
+The	DET
+urge	NOUN
+to	PART
+protect	VERB
+and	CCONJ
+gather	VERB
+them	PRON
+all	DET
+in	ADV
+is	AUX
+almost	ADV
+overwhelming	ADJ
+,	PUNCT
+and	CCONJ
+makes	VERB
+me	PRON
+more	ADV
+grateful	ADJ
+for	ADP
+the	DET
+blessings	NOUN
+I	PRON
+have	VERB
+.	PUNCT
+
+Take	VERB
+care	NOUN
+,	PUNCT
+my	PRON
+friend	NOUN
+,	PUNCT
+Linda	PROPN
+
+I	PRON
+'m	AUX
+sorry	ADJ
+to	PART
+say	VERB
+Elena	PROPN
+'s	PART
+story	NOUN
+has	AUX
+been	AUX
+revealed	VERB
+to	PART
+be	AUX
+a	DET
+fake	NOUN
+.	PUNCT
+
+What	PRON
+do	AUX
+the	DET
+new	ADJ
+al	PROPN
+-	PUNCT
+Qaeda	PROPN
+videotape	NOUN
+and	CCONJ
+audio	NOUN
+speeches	NOUN
+of	ADP
+Bin	PROPN
+Laden	PROPN
+and	CCONJ
+Ayman	PROPN
+al	PROPN
+-	PUNCT
+Zawahiri	PROPN
+tell	VERB
+us	PRON
+about	ADP
+the	DET
+hopes	NOUN
+of	ADP
+the	DET
+remaining	ADJ
+top	ADJ
+leadership	NOUN
+of	ADP
+the	DET
+organization	NOUN
+?	PUNCT
+
+Because	SCONJ
+the	DET
+US	PROPN
+and	CCONJ
+Pakistan	PROPN
+have	AUX
+managed	VERB
+to	PART
+capture	VERB
+or	CCONJ
+kill	VERB
+about	ADV
+2	NUM
+/	PUNCT
+3s	NOUN
+of	ADP
+the	DET
+top	ADJ
+25	NUM
+al	PROPN
+-	PUNCT
+Qaeda	PROPN
+commanders	NOUN
+,	PUNCT
+the	DET
+middle	ADJ
+managers	NOUN
+are	AUX
+not	PART
+in	ADP
+close	ADJ
+contact	NOUN
+with	ADP
+al	PROPN
+-	PUNCT
+Zawahiri	PROPN
+and	CCONJ
+Bin	PROPN
+Laden	PROPN
+.	PUNCT
+
+The	DET
+tape	NOUN
+was	AUX
+a	DET
+way	NOUN
+to	PART
+signal	VERB
+priorities	NOUN
+.	PUNCT
+
+These	PRON
+are	VERB
+1	X
+)	PUNCT
+Assassinate	VERB
+or	CCONJ
+overthrow	VERB
+Gen.	PROPN
+Pervez	PROPN
+Musharraf	PROPN
+,	PUNCT
+the	DET
+Pakistani	ADJ
+military	ADJ
+"	PUNCT
+president	NOUN
+"	PUNCT
+who	PRON
+had	AUX
+made	VERB
+a	DET
+coup	NOUN
+in	ADP
+1999	NUM
+and	CCONJ
+has	AUX
+thrown	VERB
+in	ADV
+his	PRON
+lot	NOUN
+with	ADP
+the	DET
+United	PROPN
+States	PROPN
+against	ADP
+the	DET
+Taliban	PROPN
+and	CCONJ
+al	PROPN
+-	PUNCT
+Qaeda	PROPN
+.	PUNCT
+
+Musharraf	PROPN
+has	AUX
+been	AUX
+trying	VERB
+to	PART
+purge	VERB
+his	PRON
+officer	NOUN
+corps	NOUN
+of	ADP
+the	DET
+substantial	ADJ
+number	NOUN
+of	ADP
+al	PROPN
+-	PUNCT
+Qaeda	PROPN
+sympathizers	NOUN
+.	PUNCT
+
+His	PRON
+military	ADJ
+intelligence	NOUN
+has	AUX
+captured	VERB
+major	ADJ
+figures	NOUN
+like	ADP
+Abu	PROPN
+Zubayda	PROPN
+and	CCONJ
+Khalid	PROPN
+Shaykh	PROPN
+Muhammad	PROPN
+,	PUNCT
+as	ADV
+well	ADV
+as	ADP
+nearly	ADV
+500	NUM
+other	ADJ
+al	PROPN
+-	PUNCT
+Qaeda	PROPN
+operatives	NOUN
+,	PUNCT
+over	ADV
+400	NUM
+of	ADP
+whom	PRON
+the	DET
+Pakistanis	PROPN
+have	AUX
+turned	VERB
+over	ADP
+to	ADP
+the	DET
+US	PROPN
+.	PUNCT
+
+Musharraf	PROPN
+held	VERB
+elections	NOUN
+in	ADP
+October	PROPN
+of	ADP
+2002	NUM
+,	PUNCT
+in	ADP
+which	PRON
+center	NOUN
+-	PUNCT
+right	ADJ
+parties	NOUN
+did	VERB
+well	ADV
+,	PUNCT
+but	CCONJ
+in	ADP
+which	PRON
+nearly	ADV
+20	NUM
+percent	NOUN
+of	ADP
+parliament	NOUN
+seats	NOUN
+went	VERB
+to	ADP
+the	DET
+fundamentalist	ADJ
+religious	ADJ
+party	NOUN
+coalition	NOUN
+,	PUNCT
+MMA	PROPN
+.	PUNCT
+
+MMA	PROPN
+also	ADV
+captured	VERB
+the	DET
+Northwest	PROPN
+Frontier	PROPN
+Province	PROPN
+,	PUNCT
+which	PRON
+probably	ADV
+shelters	VERB
+Bin	PROPN
+Laden	PROPN
+and	CCONJ
+al	PROPN
+-	PUNCT
+Zawahiri	PROPN
+,	PUNCT
+and	CCONJ
+is	AUX
+in	ADP
+a	DET
+joint	ADJ
+government	NOUN
+of	ADP
+Baluchistan	PROPN
+Province	PROPN
+,	PUNCT
+also	ADV
+on	ADP
+the	DET
+Afghanistan	PROPN
+border	NOUN
+.	PUNCT
+
+If	SCONJ
+al	PROPN
+-	PUNCT
+Qaeda	PROPN
+can	AUX
+kill	VERB
+Musharraf	PROPN
+or	CCONJ
+instigate	VERB
+a	DET
+military	ADJ
+coup	NOUN
+against	ADP
+him	PRON
+by	ADP
+Islamist	PROPN
+junior	ADJ
+officers	NOUN
+,	PUNCT
+they	PRON
+can	AUX
+hope	VERB
+to	PART
+catapult	VERB
+the	DET
+MMA	PROPN
+to	ADP
+power	NOUN
+as	ADP
+political	ADJ
+allies	NOUN
+and	CCONJ
+hosts	NOUN
+.	PUNCT
+
+They	PRON
+would	AUX
+thereby	ADV
+gain	VERB
+control	NOUN
+of	ADP
+a	DET
+major	ADJ
+base	NOUN
+for	ADP
+terrorist	ADJ
+operations	NOUN
+,	PUNCT
+which	PRON
+is	AUX
+also	ADV
+a	DET
+nuclear	ADJ
+power	NOUN
+.	PUNCT
+
+All	DET
+this	DET
+is	AUX
+highly	ADV
+unlikely	ADJ
+,	PUNCT
+as	ADP
+with	ADP
+most	ADJ
+al	PROPN
+-	PUNCT
+Qaeda	PROPN
+crackpot	NOUN
+schemes	NOUN
+.	PUNCT
+
+But	CCONJ
+so	ADV
+was	AUX
+it	PRON
+unlikely	ADJ
+that	SCONJ
+a	DET
+small	ADJ
+group	NOUN
+of	ADP
+Arab	ADJ
+mujahidin	NOUN
+would	AUX
+virtually	ADV
+take	VERB
+over	ADP
+Afghanistan	PROPN
+.	PUNCT
+
+Response	NOUN
+:	PUNCT
+The	DET
+US	PROPN
+must	AUX
+do	VERB
+whatever	PRON
+it	PRON
+can	AUX
+to	PART
+strengthen	VERB
+the	DET
+legitimacy	NOUN
+of	ADP
+the	DET
+Pakistani	ADJ
+government	NOUN
+.	PUNCT
+
+On	ADP
+the	DET
+one	NUM
+hand	NOUN
+,	PUNCT
+it	PRON
+should	AUX
+pressure	VERB
+Musharraf	PROPN
+to	PART
+take	VERB
+off	ADP
+his	PRON
+uniform	NOUN
+and	CCONJ
+run	VERB
+for	ADP
+president	NOUN
+in	ADP
+a	DET
+fair	ADJ
+election	NOUN
+,	PUNCT
+and	CCONJ
+to	PART
+repeal	VERB
+the	DET
+contentious	ADJ
+"	PUNCT
+Legal	PROPN
+Framework	PROPN
+Order	PROPN
+"	PUNCT
+that	PRON
+essentially	ADV
+perpetuates	VERB
+his	PRON
+dictatorship	NOUN
+.	PUNCT
+
+On	ADP
+the	DET
+other	ADJ
+,	PUNCT
+restrictions	NOUN
+should	AUX
+be	AUX
+lifted	VERB
+on	ADP
+the	DET
+mainstream	ADJ
+Muslim	PROPN
+League	PROPN
+-	PUNCT
+N	PROPN
+and	CCONJ
+Pakistan	PROPN
+People	PROPN
+'s	PART
+Party	PROPN
+,	PUNCT
+who	PRON
+can	AUX
+defeat	VERB
+the	DET
+MMA	PROPN
+in	ADP
+fair	ADJ
+elections	NOUN
+if	SCONJ
+not	ADV
+hogtied	VERB
+by	ADP
+the	DET
+secret	ADJ
+police	NOUN
+.	PUNCT
+
+On	ADP
+the	DET
+other	ADJ
+hand	NOUN
+,	PUNCT
+the	DET
+US	PROPN
+should	AUX
+strong	ADJ
+-	PUNCT
+arm	VERB
+India	PROPN
+and	CCONJ
+Pakistan	PROPN
+into	ADP
+a	DET
+final	ADJ
+settlement	NOUN
+of	ADP
+the	DET
+Kashmir	PROPN
+issue	NOUN
+.	PUNCT
+
+Al	PROPN
+-	PUNCT
+Zawahiri	PROPN
+attempted	VERB
+to	PART
+use	VERB
+Musharraf	PROPN
+'s	PART
+lack	NOUN
+of	ADP
+progress	NOUN
+in	SCONJ
+helping	VERB
+the	DET
+Muslims	PROPN
+of	ADP
+that	DET
+Indian	ADJ
+state	NOUN
+as	ADP
+a	DET
+justification	NOUN
+for	ADP
+his	PRON
+overthrow	NOUN
+.	PUNCT
+
+The	DET
+Kashmir	PROPN
+issue	NOUN
+generates	VERB
+far	ADV
+more	ADJ
+terrorism	NOUN
+,	PUNCT
+and	CCONJ
+even	ADV
+the	DET
+threat	NOUN
+of	ADP
+nuclear	ADJ
+war	NOUN
+,	PUNCT
+than	SCONJ
+Iraq	PROPN
+ever	ADV
+did	VERB
+.	PUNCT
+
+2	X
+)	PUNCT
+Target	VERB
+Israel	PROPN
+and	CCONJ
+encourage	VERB
+the	DET
+worst	ADJ
+elements	NOUN
+of	ADP
+the	DET
+Palestinians	PROPN
+by	SCONJ
+playing	VERB
+on	ADP
+the	DET
+iron	ADJ
+fist	NOUN
+policies	NOUN
+of	ADP
+the	DET
+Sharon	PROPN
+government	NOUN
+.	PUNCT
+
+Response	NOUN
+:	PUNCT
+The	DET
+US	PROPN
+has	AUX
+succeeded	VERB
+in	SCONJ
+politically	ADV
+isolating	VERB
+Hamas	PROPN
+,	PUNCT
+and	CCONJ
+started	VERB
+the	DET
+process	NOUN
+of	SCONJ
+cutting	VERB
+off	ADP
+its	PRON
+funding	NOUN
+.	PUNCT
+
+This	DET
+terrorist	ADJ
+organization	NOUN
+can	AUX
+now	ADV
+only	ADV
+pull	VERB
+off	ADP
+far	ADV
+less	ADV
+sophisticated	ADJ
+bombings	NOUN
+and	CCONJ
+attacks	NOUN
+.	PUNCT
+
+It	PRON
+should	AUX
+continue	VERB
+to	PART
+be	AUX
+defanged	VERB
+.	PUNCT
+
+But	CCONJ
+Sharon	PROPN
+'s	PART
+iron	ADJ
+fist	NOUN
+is	AUX
+simply	ADV
+not	PART
+working	VERB
+as	ADP
+a	DET
+means	NOUN
+of	SCONJ
+establishing	VERB
+general	ADJ
+peace	NOUN
+,	PUNCT
+and	CCONJ
+the	DET
+Bush	PROPN
+administration	NOUN
+will	AUX
+have	VERB
+to	PART
+finally	ADV
+apply	VERB
+effective	ADJ
+pressure	NOUN
+on	ADP
+Sharon	PROPN
+to	PART
+stop	VERB
+his	PRON
+outrages	NOUN
+in	ADP
+and	CCONJ
+colonization	NOUN
+of	ADP
+the	DET
+West	PROPN
+Bank	PROPN
+and	CCONJ
+Gaza	PROPN
+.	PUNCT
+
+Sharon	PROPN
+'s	PART
+hard	ADJ
+line	NOUN
+has	AUX
+worked	VERB
+in	ADP
+tandem	NOUN
+with	ADP
+Hamas	PROPN
+'s	PART
+terrorism	NOUN
+to	PART
+ratchet	VERB
+up	ADP
+tensions	NOUN
+further	ADV
+and	CCONJ
+further	ADV
+,	PUNCT
+which	PRON
+spill	VERB
+over	ADV
+into	ADP
+the	DET
+Muslim	ADJ
+world	NOUN
+and	CCONJ
+serve	VERB
+as	ADP
+a	DET
+recruiting	NOUN
+tool	NOUN
+for	ADP
+al	PROPN
+-	PUNCT
+Qaeda	PROPN
+in	ADP
+its	PRON
+search	NOUN
+for	ADP
+agents	NOUN
+willing	ADJ
+to	PART
+hit	VERB
+the	DET
+United	PROPN
+States	PROPN
+.	PUNCT
+
+Israel	PROPN
+owes	VERB
+the	DET
+United	PROPN
+States	PROPN
+at	ADV
+least	ADV
+this	ADV
+much	ADJ
+,	PUNCT
+in	ADP
+this	DET
+crisis	NOUN
+,	PUNCT
+to	PART
+cease	VERB
+militarily	ADV
+unnecessary	ADJ
+provocations	NOUN
+and	CCONJ
+establish	VERB
+genuine	ADJ
+peace	NOUN
+.	PUNCT
+
+3	X
+)	PUNCT
+Make	VERB
+Iraq	PROPN
+another	DET
+Afghanistan	PROPN
+,	PUNCT
+using	VERB
+the	DET
+Republican	PROPN
+Right	PROPN
+'s	PART
+own	ADJ
+tactics	NOUN
+against	ADP
+them	PRON
+.	PUNCT
+
+Response	NOUN
+:	PUNCT
+Iraq	PROPN
+is	AUX
+actually	ADV
+hostile	ADJ
+territory	NOUN
+for	ADP
+al	PROPN
+-	PUNCT
+Qaeda	PROPN
+,	PUNCT
+and	CCONJ
+without	ADP
+Iraqi	ADJ
+sympathizers	NOUN
+it	PRON
+can	AUX
+not	PART
+succeed	VERB
+there	ADV
+.	PUNCT
+
+By	SCONJ
+moving	VERB
+quickly	ADV
+to	ADP
+Iraqi	ADJ
+sovereignty	NOUN
+and	CCONJ
+improvement	NOUN
+of	ADP
+Iraqi	ADJ
+lives	NOUN
+,	PUNCT
+the	DET
+US	PROPN
+may	AUX
+be	AUX
+able	ADJ
+to	PART
+get	VERB
+Iraqis	PROPN
+on	ADP
+its	PRON
+side	NOUN
+,	PUNCT
+so	SCONJ
+that	SCONJ
+they	PRON
+turn	VERB
+in	ADP
+the	DET
+foreigners	NOUN
+.	PUNCT
+
+Certainly	ADV
+,	PUNCT
+the	DET
+Shiites	PROPN
+already	ADV
+hate	VERB
+al	PROPN
+-	PUNCT
+Qaeda	PROPN
+and	CCONJ
+would	AUX
+help	VERB
+;	PUNCT
+likewise	ADV
+the	DET
+Kurds	PROPN
+.	PUNCT
+
+The	DET
+problem	NOUN
+of	SCONJ
+mollifying	VERB
+the	DET
+Sunnis	PROPN
+,	PUNCT
+though	ADV
+,	PUNCT
+has	VERB
+to	PART
+be	AUX
+solved	VERB
+to	PART
+avoid	VERB
+giving	VERB
+al	PROPN
+-	PUNCT
+Qaeda	PROPN
+an	DET
+entrée	NOUN
+.	PUNCT
+
+The	DET
+Americans	PROPN
+have	VERB
+to	PART
+put	VERB
+away	ADV
+their	PRON
+free	ADJ
+-	PUNCT
+market	NOUN
+fetishism	NOUN
+for	ADP
+a	DET
+while	NOUN
+and	CCONJ
+find	VERB
+ways	NOUN
+of	SCONJ
+creating	VERB
+jobs	NOUN
+and	CCONJ
+pumping	VERB
+money	NOUN
+into	ADP
+Iraqi	ADJ
+households	NOUN
+.	PUNCT
+
+We	PRON
+need	VERB
+an	DET
+FDR	PROPN
+in	ADP
+Iraq	PROPN
+,	PUNCT
+not	ADV
+a	DET
+Ronald	PROPN
+Reagan	PROPN
+.	PUNCT
+
+Of	ADV
+course	ADV
+,	PUNCT
+the	DET
+sooner	ADV
+the	DET
+US	PROPN
+soldiers	NOUN
+can	AUX
+be	AUX
+withdrawn	VERB
+in	ADP
+favor	NOUN
+of	ADP
+less	ADV
+-	PUNCT
+provocative	ADJ
+local	ADJ
+or	CCONJ
+international	ADJ
+forces	NOUN
+,	PUNCT
+the	DET
+better	ADJ
+.	PUNCT
+
+Getting	VERB
+the	DET
+Spanish	ADJ
+out	ADP
+of	ADP
+Iraq	PROPN
+is	AUX
+n't	PART
+nearly	ADV
+as	ADV
+good	ADJ
+a	DET
+rallying	NOUN
+cry	NOUN
+for	ADP
+al	PROPN
+-	PUNCT
+Qaeda	PROPN
+in	ADP
+the	DET
+Arab	ADJ
+world	NOUN
+as	SCONJ
+getting	VERB
+the	DET
+Americans	PROPN
+and	CCONJ
+British	ADJ
+out	ADV
+.	PUNCT
+
+The	DET
+thing	NOUN
+to	PART
+keep	VERB
+in	ADP
+mind	NOUN
+is	VERB
+that	SCONJ
+Sunni	ADJ
+Arab	ADJ
+nationalists	NOUN
+and	CCONJ
+Baathists	PROPN
+and	CCONJ
+local	ADJ
+Sunni	ADJ
+radicals	NOUN
+are	AUX
+likely	ADJ
+to	PART
+remain	VERB
+far	ADV
+more	ADV
+dangerous	ADJ
+to	ADP
+the	DET
+US	PROPN
+in	ADP
+Iraq	PROPN
+than	ADP
+al	PROPN
+-	PUNCT
+Qaeda	PROPN
+infiltrators	NOUN
+,	PUNCT
+and	CCONJ
+it	PRON
+would	AUX
+be	AUX
+dangerous	ADJ
+to	PART
+take	VERB
+one	PRON
+'s	PART
+eyes	NOUN
+off	ADP
+the	DET
+former	ADJ
+ball	NOUN
+.	PUNCT
+
+George	PROPN
+W.	PROPN
+Bush	PROPN
+alleged	VERB
+Thursday	PROPN
+that	SCONJ
+John	PROPN
+Edwards	PROPN
+lacks	VERB
+the	DET
+experience	NOUN
+necessary	ADJ
+to	PART
+be	AUX
+president	PROPN
+.	PUNCT
+
+The	DET
+problem	NOUN
+with	ADP
+this	DET
+argument	NOUN
+is	VERB
+that	SCONJ
+Bush	PROPN
+lacked	VERB
+the	DET
+experience	NOUN
+necessary	ADJ
+to	PART
+be	AUX
+president	PROPN
+when	ADV
+he	PRON
+ran	VERB
+in	ADP
+2000	NUM
+,	PUNCT
+so	ADV
+this	DET
+sort	NOUN
+of	ADP
+cheap	ADJ
+shot	NOUN
+just	ADV
+hoists	VERB
+him	PRON
+by	ADP
+his	PRON
+own	ADJ
+petard	NOUN
+.	PUNCT
+
+Let	VERB
+'s	PRON
+just	ADV
+remember	VERB
+a	DET
+seminal	ADJ
+Bush	PROPN
+moment	NOUN
+in	ADP
+1999	NUM
+:	PUNCT
+
+'	PUNCT
+Bush	PROPN
+fails	VERB
+reporter	NOUN
+'s	PART
+pop	NOUN
+quiz	NOUN
+on	ADP
+international	ADJ
+leaders	NOUN
+
+November	PROPN
+5	NUM
+,	PUNCT
+1999	NUM
+
+Web	NOUN
+posted	VERB
+at	ADP
+:	PUNCT
+3:29	NUM
+p.m.	NOUN
+EST	PROPN
+(	PUNCT
+2029	NUM
+GMT	PROPN
+)	PUNCT
+
+WASHINGTON	PROPN
+(	PUNCT
+CNN	PROPN
+)	PUNCT
+--	PUNCT
+
+Texas	PROPN
+Gov.	PROPN
+George	PROPN
+W.	PROPN
+Bush	PROPN
+is	AUX
+enduring	VERB
+sharp	ADJ
+criticism	NOUN
+for	SCONJ
+being	AUX
+unable	ADJ
+to	PART
+name	VERB
+the	DET
+leaders	NOUN
+of	ADP
+four	NUM
+current	ADJ
+world	NOUN
+hot	ADJ
+spots	NOUN
+,	PUNCT
+but	CCONJ
+President	PROPN
+Bill	PROPN
+Clinton	PROPN
+says	VERB
+Bush	PROPN
+"	PUNCT
+should	AUX
+,	PUNCT
+and	CCONJ
+probably	ADV
+will	AUX
+,	PUNCT
+pick	VERB
+up	ADP
+"	PUNCT
+those	DET
+names	NOUN
+.	PUNCT
+
+The	DET
+front	ADJ
+-	PUNCT
+runner	NOUN
+for	ADP
+the	DET
+2000	NUM
+Republican	ADJ
+presidential	ADJ
+nomination	NOUN
+faltered	VERB
+Thursday	PROPN
+in	ADP
+an	DET
+international	ADJ
+affairs	NOUN
+pop	NOUN
+quiz	NOUN
+posed	VERB
+by	ADP
+Andy	PROPN
+Hiller	PROPN
+,	PUNCT
+a	DET
+political	ADJ
+reporter	NOUN
+for	ADP
+WHDH	PROPN
+-	PUNCT
+TV	PROPN
+in	ADP
+Boston	PROPN
+.	PUNCT
+
+Bush	PROPN
+
+Hiller	PROPN
+asked	VERB
+Bush	PROPN
+to	PART
+name	VERB
+the	DET
+leaders	NOUN
+of	ADP
+Chechnya	PROPN
+,	PUNCT
+Taiwan	PROPN
+,	PUNCT
+India	PROPN
+and	CCONJ
+Pakistan	PROPN
+.	PUNCT
+
+Bush	PROPN
+was	AUX
+only	ADV
+able	ADJ
+to	PART
+give	VERB
+a	DET
+partial	ADJ
+response	NOUN
+to	ADP
+the	DET
+query	NOUN
+on	ADP
+the	DET
+leader	NOUN
+of	ADP
+Taiwan	PROPN
+,	PUNCT
+referring	VERB
+to	ADP
+Taiwanese	ADJ
+President	PROPN
+Lee	PROPN
+Teng	PROPN
+-	PUNCT
+hui	PROPN
+simply	ADV
+as	ADP
+"	PUNCT
+Lee	PROPN
+.	PUNCT
+"	PUNCT
+
+He	PRON
+could	AUX
+not	PART
+name	VERB
+the	DET
+others	NOUN
+.	PUNCT
+
+"	PUNCT
+Can	AUX
+you	PRON
+name	VERB
+the	DET
+general	NOUN
+who	PRON
+is	AUX
+in	ADP
+charge	NOUN
+of	ADP
+Pakistan	PROPN
+?	PUNCT
+"	PUNCT
+
+Hiller	PROPN
+asked	VERB
+,	PUNCT
+inquiring	VERB
+about	ADP
+Gen.	PROPN
+Pervaiz	PROPN
+Musharraf	PROPN
+,	PUNCT
+who	PRON
+seized	VERB
+control	NOUN
+of	ADP
+the	DET
+country	NOUN
+October	PROPN
+12	NUM
+.	PUNCT
+
+"	PUNCT
+Wait	VERB
+,	PUNCT
+wait	VERB
+,	PUNCT
+is	AUX
+this	PRON
+50	NUM
+questions	NOUN
+?	PUNCT
+"	PUNCT
+asked	VERB
+Bush	PROPN
+.	PUNCT
+
+Hiller	PROPN
+replied	VERB
+:	PUNCT
+"	PUNCT
+No	INTJ
+,	PUNCT
+it	PRON
+'s	AUX
+four	NUM
+questions	NOUN
+of	ADP
+four	NUM
+leaders	NOUN
+in	ADP
+four	NUM
+hot	ADJ
+spots	NOUN
+.	PUNCT
+"	PUNCT
+.	PUNCT
+.	PUNCT
+.	PUNCT
+
+Bush	PROPN
+,	PUNCT
+in	SCONJ
+answering	VERB
+the	DET
+question	NOUN
+about	ADP
+the	DET
+leader	NOUN
+of	ADP
+Pakistan	PROPN
+,	PUNCT
+also	ADV
+said	VERB
+:	PUNCT
+"	PUNCT
+The	DET
+new	ADJ
+Pakistani	ADJ
+general	NOUN
+,	PUNCT
+he	PRON
+'s	AUX
+just	ADV
+been	AUX
+elected	VERB
+--	PUNCT
+not	ADV
+elected	VERB
+,	PUNCT
+this	DET
+guy	NOUN
+took	VERB
+over	ADP
+office	NOUN
+.	PUNCT
+
+It	PRON
+appears	VERB
+this	DET
+guy	NOUN
+is	AUX
+going	VERB
+to	PART
+bring	VERB
+stability	NOUN
+to	ADP
+the	DET
+country	NOUN
+and	CCONJ
+I	PRON
+think	VERB
+that	PRON
+'s	AUX
+good	ADJ
+news	NOUN
+for	ADP
+the	DET
+subcontinent	NOUN
+.	PUNCT
+"	PUNCT
+
+Gore	PROPN
+released	VERB
+a	DET
+statement	NOUN
+Friday	PROPN
+taking	VERB
+Bush	PROPN
+to	ADP
+task	NOUN
+for	ADP
+his	PRON
+comments	NOUN
+on	ADP
+Pakistan	PROPN
+'s	PART
+recent	ADJ
+coup	NOUN
+.	PUNCT
+
+"	PUNCT
+I	PRON
+find	VERB
+it	PRON
+troubling	ADJ
+that	SCONJ
+a	DET
+candidate	NOUN
+for	ADP
+president	PROPN
+in	ADP
+our	PRON
+country	NOUN
+--	PUNCT
+the	DET
+world	NOUN
+'s	PART
+oldest	ADJ
+democracy	NOUN
+--	PUNCT
+would	AUX
+characterize	VERB
+the	DET
+military	ADJ
+takeover	NOUN
+as	ADP
+"	PUNCT
+good	ADJ
+news	NOUN
+,	PUNCT
+"	PUNCT
+Gore	PROPN
+said	VERB
+.	PUNCT
+
+"	PUNCT
+Further	ADV
+,	PUNCT
+I	PRON
+find	VERB
+it	PRON
+even	ADV
+more	ADV
+disturbing	ADJ
+that	SCONJ
+he	PRON
+made	VERB
+these	DET
+comments	NOUN
+about	ADP
+a	DET
+nation	NOUN
+that	PRON
+just	ADV
+last	ADJ
+year	NOUN
+tested	VERB
+nuclear	ADJ
+weapons	NOUN
+--	PUNCT
+shortly	ADV
+after	SCONJ
+voicing	VERB
+his	PRON
+public	ADJ
+opposition	NOUN
+to	ADP
+the	DET
+Comprehensive	PROPN
+Test	PROPN
+Ban	PROPN
+Treaty	PROPN
+.	PUNCT
+
+A	DET
+spokesman	NOUN
+for	ADP
+President	PROPN
+Clinton	PROPN
+also	ADV
+criticized	VERB
+Bush	PROPN
+'s	PART
+comments	NOUN
+.	PUNCT
+
+"	PUNCT
+It	PRON
+is	AUX
+very	ADV
+dangerous	ADJ
+for	SCONJ
+this	DET
+country	NOUN
+to	PART
+condone	VERB
+the	DET
+overthrow	NOUN
+of	ADP
+democratically	ADV
+elected	VERB
+governments	NOUN
+,	PUNCT
+"	PUNCT
+said	VERB
+David	PROPN
+Leavy	PROPN
+,	PUNCT
+spokesman	NOUN
+for	ADP
+the	DET
+National	PROPN
+Security	PROPN
+Council	PROPN
+.	PUNCT
+
+Not	ADV
+only	ADV
+did	AUX
+Bush	PROPN
+not	PART
+know	VERB
+who	PRON
+General	PROPN
+Pervez	PROPN
+Musharraf	PROPN
+was	AUX
+,	PUNCT
+he	PRON
+seems	VERB
+to	PART
+have	AUX
+confused	VERB
+coup	NOUN
+-	PUNCT
+making	NOUN
+with	ADP
+"	PUNCT
+taking	VERB
+office	NOUN
+,	PUNCT
+"	PUNCT
+and	CCONJ
+moreover	ADV
+went	VERB
+on	ADV
+to	PART
+suggest	VERB
+that	SCONJ
+the	DET
+overthrow	NOUN
+of	ADP
+an	DET
+elected	VERB
+prime	ADJ
+minister	NOUN
+and	CCONJ
+the	DET
+installation	NOUN
+in	ADP
+power	NOUN
+of	ADP
+the	DET
+Pakistan	PROPN
+military	NOUN
+,	PUNCT
+then	ADV
+the	DET
+world	NOUN
+'s	PART
+strongest	ADJ
+supporter	NOUN
+of	ADP
+the	DET
+Taliban	PROPN
+,	PUNCT
+would	AUX
+bring	VERB
+"	PUNCT
+stability	NOUN
+!	PUNCT
+"	PUNCT
+
+Musharraf	PROPN
+made	VERB
+his	PRON
+coup	NOUN
+in	ADP
+part	ADJ
+because	ADP
+of	ADP
+the	DET
+military	NOUN
+'s	PART
+anger	NOUN
+over	ADP
+Prime	PROPN
+Minister	PROPN
+Nawaz	PROPN
+Sharif	PROPN
+'s	PART
+willingness	NOUN
+to	PART
+back	VERB
+down	ADP
+from	SCONJ
+confronting	VERB
+India	PROPN
+over	ADP
+Kashmir	PROPN
+,	PUNCT
+so	SCONJ
+that	SCONJ
+he	PRON
+explicitly	ADV
+came	VERB
+to	ADP
+power	NOUN
+as	ADP
+a	DET
+warmonger	NOUN
+.	PUNCT
+
+I	PRON
+ca	AUX
+n't	PART
+tell	VERB
+you	PRON
+how	ADV
+ominous	ADJ
+I	PRON
+found	VERB
+Bush	PROPN
+'s	PART
+performance	NOUN
+in	ADP
+that	DET
+interview	NOUN
+.	PUNCT
+
+I	PRON
+still	ADV
+remember	VERB
+him	PRON
+stuttering	VERB
+about	ADP
+"	PUNCT
+the	DET
+General	NOUN
+,	PUNCT
+"	PUNCT
+unable	ADJ
+to	PART
+remember	VERB
+Musharraf	PROPN
+'s	PART
+name	NOUN
+.	PUNCT
+
+He	PRON
+obviously	ADV
+had	VERB
+no	DET
+idea	NOUN
+what	PRON
+he	PRON
+was	AUX
+talking	VERB
+about	ADP
+,	PUNCT
+though	SCONJ
+he	PRON
+demonstrated	VERB
+a	DET
+number	NOUN
+of	ADP
+ill	ADJ
+-	PUNCT
+fated	ADJ
+instincts	NOUN
+.	PUNCT
+
+He	PRON
+obviously	ADV
+liked	VERB
+authoritarian	ADJ
+rule	NOUN
+better	ADV
+than	ADP
+democracy	NOUN
+,	PUNCT
+equating	VERB
+dictatorship	NOUN
+with	ADP
+"	PUNCT
+stability	NOUN
+.	PUNCT
+"	PUNCT
+
+And	CCONJ
+,	PUNCT
+he	PRON
+did	AUX
+n't	PART
+think	VERB
+he	PRON
+needed	VERB
+to	PART
+know	VERB
+anything	PRON
+about	ADP
+South	PROPN
+Asia	PROPN
+,	PUNCT
+with	ADP
+its	PRON
+nuclear	ADJ
+giants	NOUN
+and	CCONJ
+radical	ADJ
+religious	ADJ
+politics	NOUN
+--	PUNCT
+the	DET
+latter	ADJ
+a	DET
+dire	ADJ
+security	NOUN
+threat	NOUN
+to	ADP
+the	DET
+US	PROPN
+.	PUNCT
+
+He	PRON
+could	AUX
+n't	PART
+tell	VERB
+when	ADV
+things	NOUN
+were	AUX
+becoming	VERB
+more	ADV
+unstable	ADJ
+as	SCONJ
+opposed	VERB
+to	ADP
+less	ADJ
+.	PUNCT
+
+Musharraf	PROPN
+went	VERB
+on	ADV
+to	PART
+play	VERB
+nuclear	ADJ
+brinkmanship	NOUN
+with	ADP
+India	PROPN
+in	ADP
+2002	NUM
+,	PUNCT
+risking	VERB
+war	NOUN
+twice	ADV
+that	DET
+year	NOUN
+.	PUNCT
+
+Although	SCONJ
+Musharraf	PROPN
+did	AUX
+turn	VERB
+against	ADP
+the	DET
+Taliban	PROPN
+after	ADP
+September	PROPN
+11	NUM
+,	PUNCT
+under	ADP
+extreme	ADJ
+duress	NOUN
+from	ADP
+the	DET
+US	PROPN
+,	PUNCT
+elements	NOUN
+of	ADP
+his	PRON
+military	NOUN
+continued	VERB
+to	PART
+support	VERB
+radical	ADJ
+Islamism	PROPN
+and	CCONJ
+have	AUX
+recently	ADV
+been	AUX
+implicated	VERB
+in	ADP
+assassination	NOUN
+attempts	NOUN
+on	ADP
+Musharraf	PROPN
+himself	PRON
+.	PUNCT
+
+This	PRON
+was	AUX
+the	DET
+body	NOUN
+that	PRON
+Bush	PROPN
+proclaimed	VERB
+was	AUX
+bringing	VERB
+"	PUNCT
+stability	NOUN
+"	PUNCT
+to	ADP
+the	DET
+region	NOUN
+in	ADP
+fall	NOUN
+of	ADP
+1999	NUM
+.	PUNCT
+
+So	ADV
+,	PUNCT
+one	NUM
+answer	NOUN
+to	ADP
+Bush	PROPN
+'s	PART
+charge	NOUN
+about	ADP
+Edwards	PROPN
+is	VERB
+that	SCONJ
+if	SCONJ
+it	PRON
+had	VERB
+any	DET
+merit	NOUN
+,	PUNCT
+Bush	PROPN
+should	AUX
+have	AUX
+declined	VERB
+to	PART
+run	VERB
+himself	PRON
+.	PUNCT
+
+Another	DET
+answer	NOUN
+is	VERB
+that	SCONJ
+Edwards	PROPN
+certainly	ADV
+knows	VERB
+far	ADV
+more	ADJ
+about	ADP
+foreign	ADJ
+affairs	NOUN
+now	ADV
+than	SCONJ
+Bush	PROPN
+did	AUX
+then	ADV
+.	PUNCT
+
+Indeed	ADV
+,	PUNCT
+given	VERB
+how	ADV
+Bush	PROPN
+has	AUX
+rampaged	VERB
+around	ADP
+the	DET
+world	NOUN
+alienating	VERB
+allies	NOUN
+and	CCONJ
+ignoring	VERB
+vital	ADJ
+conflicts	NOUN
+with	ADP
+the	DET
+potential	NOUN
+to	PART
+blow	VERB
+back	ADV
+on	ADP
+the	DET
+US	PROPN
+,	PUNCT
+one	PRON
+might	AUX
+well	ADV
+argue	VERB
+that	SCONJ
+Edwards	PROPN
+knows	VERB
+more	ADJ
+now	ADV
+than	SCONJ
+Bush	PROPN
+does	VERB
+.	PUNCT
+
+This	PRON
+is	AUX
+what	PRON
+Edwards	PROPN
+'	PART
+campaign	NOUN
+literature	NOUN
+said	VERB
+about	ADP
+his	PRON
+positions	NOUN
+:	PUNCT
+"	PUNCT
+Edwards	PROPN
+believes	VERB
+that	SCONJ
+the	DET
+U.S.	PROPN
+must	AUX
+be	AUX
+an	DET
+active	ADJ
+leader	NOUN
+to	PART
+help	VERB
+resolve	VERB
+conflicts	NOUN
+,	PUNCT
+from	SCONJ
+reducing	VERB
+tensions	NOUN
+between	ADP
+India	PROPN
+and	CCONJ
+Pakistan	PROPN
+to	ADP
+the	DET
+peace	NOUN
+process	NOUN
+in	ADP
+Northern	PROPN
+Ireland	PROPN
+.	PUNCT
+
+Edwards	PROPN
+is	AUX
+a	DET
+strong	ADJ
+supporter	NOUN
+of	ADP
+Israel	PROPN
+,	PUNCT
+and	CCONJ
+believes	VERB
+that	SCONJ
+the	DET
+U.S.	PROPN
+has	VERB
+a	DET
+vital	ADJ
+role	NOUN
+in	SCONJ
+promoting	VERB
+peace	NOUN
+between	ADP
+the	DET
+Israelis	PROPN
+and	CCONJ
+the	DET
+Palestinians	PROPN
+.	PUNCT
+"	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+see	VERB
+Bush	PROPN
+doing	VERB
+any	DET
+of	ADP
+this	PRON
+.	PUNCT
+
+From	ADP
+Friday	PROPN
+'s	PART
+Daily	PROPN
+Star	PROPN
+
+By	ADP
+Juan	PROPN
+Cole	PROPN
+
+Friday	PROPN
+,	PUNCT
+June	PROPN
+04	NUM
+,	PUNCT
+2004	NUM
+
+As	SCONJ
+the	DET
+American	ADJ
+public	NOUN
+gradually	ADV
+wearies	VERB
+of	ADP
+the	DET
+Iraq	PROPN
+crisis	NOUN
+,	PUNCT
+some	DET
+have	AUX
+begun	VERB
+worrying	VERB
+that	SCONJ
+the	DET
+war	NOUN
+could	AUX
+blow	VERB
+back	ADV
+on	ADP
+the	DET
+US	PROPN
+by	SCONJ
+creating	VERB
+the	DET
+conditions	NOUN
+for	ADP
+anti-American	ADJ
+terrorism	NOUN
+.	PUNCT
+
+Israel	PROPN
+,	PUNCT
+however	ADV
+,	PUNCT
+is	AUX
+much	ADV
+closer	ADJ
+to	ADP
+Iraq	PROPN
+and	CCONJ
+is	AUX
+likely	ADJ
+to	PART
+suffer	VERB
+from	ADP
+Iraqi	ADJ
+instability	NOUN
+much	ADV
+more	ADV
+acutely	ADV
+than	SCONJ
+will	AUX
+the	DET
+United	PROPN
+States	PROPN
+.	PUNCT
+
+Ironically	ADV
+,	PUNCT
+among	ADP
+the	DET
+strongest	ADJ
+proponents	NOUN
+of	ADP
+war	NOUN
+in	ADP
+Iraq	PROPN
+were	AUX
+Israeli	ADJ
+Prime	PROPN
+Minister	PROPN
+Ariel	PROPN
+Sharon	PROPN
+and	CCONJ
+his	PRON
+neoconservative	ADJ
+supporters	NOUN
+in	ADP
+the	DET
+US	PROPN
+.	PUNCT
+
+Have	AUX
+they	PRON
+,	PUNCT
+however	ADV
+,	PUNCT
+actually	ADV
+weakened	VERB
+Israeli	ADJ
+security	NOUN
+?	PUNCT
+
+The	DET
+biggest	ADJ
+threat	NOUN
+Israel	PROPN
+faces	VERB
+is	AUX
+not	ADV
+from	ADP
+conventional	ADJ
+armies	NOUN
+but	CCONJ
+from	ADP
+the	DET
+asymmetrical	ADJ
+tactics	NOUN
+of	ADP
+Palestinian	ADJ
+national	ADJ
+liberation	NOUN
+movements	NOUN
+.	PUNCT
+
+The	DET
+derailing	NOUN
+of	ADP
+the	DET
+Oslo	PROPN
+peace	NOUN
+process	NOUN
+by	ADP
+the	DET
+hard	ADJ
+-	PUNCT
+line	NOUN
+policies	NOUN
+of	ADP
+Sharon	PROPN
+and	CCONJ
+the	DET
+Palestinian	ADJ
+intifada	NOUN
+has	AUX
+encouraged	VERB
+suicide	NOUN
+bombings	NOUN
+.	PUNCT
+
+This	PRON
+,	PUNCT
+in	ADP
+turn	NOUN
+,	PUNCT
+has	AUX
+discouraged	VERB
+international	ADJ
+investment	NOUN
+in	ADP
+Israel	PROPN
+and	CCONJ
+has	AUX
+made	VERB
+it	PRON
+less	ADV
+likely	ADJ
+that	SCONJ
+immigrants	NOUN
+to	ADP
+the	DET
+country	NOUN
+will	AUX
+actually	ADV
+remain	VERB
+there	ADV
+.	PUNCT
+
+Although	SCONJ
+Israel	PROPN
+withdrew	VERB
+from	ADP
+Lebanese	ADJ
+territory	NOUN
+in	ADP
+May	PROPN
+2000	NUM
+,	PUNCT
+the	DET
+radical	ADJ
+Lebanese	ADJ
+Shiite	ADJ
+party	NOUN
+,	PUNCT
+Hizbullah	PROPN
+,	PUNCT
+has	AUX
+not	PART
+been	AUX
+mollified	VERB
+.	PUNCT
+
+It	PRON
+is	AUX
+estimated	VERB
+to	PART
+have	VERB
+some	DET
+5,000	NUM
+armed	ADJ
+fighters	NOUN
+,	PUNCT
+and	CCONJ
+they	PRON
+have	AUX
+pursued	VERB
+attacks	NOUN
+against	ADP
+Israeli	ADJ
+forces	NOUN
+to	PART
+compel	VERB
+them	PRON
+to	PART
+withdraw	VERB
+from	ADP
+the	DET
+Shebaa	PROPN
+Farms	PROPN
+,	PUNCT
+a	DET
+sliver	NOUN
+of	ADP
+Syrian	ADJ
+territory	NOUN
+that	PRON
+Israel	PROPN
+annexed	VERB
+after	ADP
+the	DET
+1967	NUM
+war	NOUN
+.	PUNCT
+
+Any	DET
+thorough	ADJ
+assessment	NOUN
+of	ADP
+the	DET
+impact	NOUN
+of	ADP
+the	DET
+Iraq	PROPN
+war	NOUN
+and	CCONJ
+its	PRON
+aftermath	NOUN
+on	ADP
+Israel	PROPN
+'s	PART
+security	NOUN
+environment	NOUN
+must	AUX
+,	PUNCT
+therefore	ADV
+,	PUNCT
+closely	ADV
+examine	VERB
+its	PRON
+likely	ADJ
+effect	NOUN
+on	ADP
+the	DET
+conduct	NOUN
+of	ADP
+asymmetrical	ADJ
+warfare	NOUN
+.	PUNCT
+
+Although	SCONJ
+it	PRON
+is	AUX
+often	ADV
+alleged	VERB
+(	PUNCT
+without	ADP
+much	ADJ
+evidence	NOUN
+)	PUNCT
+that	SCONJ
+Saddam	PROPN
+Hussein	PROPN
+gave	VERB
+money	NOUN
+to	ADP
+the	DET
+families	NOUN
+of	ADP
+Palestinian	ADJ
+suicide	NOUN
+bombers	NOUN
+and	CCONJ
+so	ADV
+encouraged	VERB
+asymmetrical	ADJ
+warfare	NOUN
+,	PUNCT
+it	PRON
+is	AUX
+not	PART
+clear	ADJ
+that	SCONJ
+he	PRON
+actually	ADV
+posed	VERB
+a	DET
+danger	NOUN
+to	ADP
+Israel	PROPN
+.	PUNCT
+
+The	DET
+Palestinians	PROPN
+who	PRON
+have	AUX
+been	AUX
+willing	ADJ
+to	PART
+kill	VERB
+themselves	PRON
+to	PART
+end	VERB
+the	DET
+Israeli	ADJ
+occupation	NOUN
+of	ADP
+the	DET
+Gaza	PROPN
+Strip	PROPN
+and	CCONJ
+the	DET
+West	PROPN
+Bank	PROPN
+were	AUX
+not	PART
+driven	VERB
+by	ADP
+economic	ADJ
+considerations	NOUN
+.	PUNCT
+
+Saddam	PROPN
+never	ADV
+did	VERB
+anything	PRON
+practical	ADJ
+to	PART
+help	VERB
+the	DET
+Palestinians	PROPN
+.	PUNCT
+
+At	ADP
+some	DET
+points	NOUN
+,	PUNCT
+as	ADP
+in	ADP
+the	DET
+late	ADJ
+1980s	NOUN
+,	PUNCT
+he	PRON
+reportedly	ADV
+made	VERB
+behind	ADP
+-	PUNCT
+the	DET
+-	PUNCT
+scenes	NOUN
+overtures	NOUN
+to	ADP
+the	DET
+Israelis	PROPN
+to	PART
+arrive	VERB
+at	ADP
+some	DET
+sort	NOUN
+of	ADP
+a	DET
+deal	NOUN
+.	PUNCT
+
+He	PRON
+did	AUX
+not	PART
+allow	VERB
+Palestinian	ADJ
+radicals	NOUN
+to	PART
+launch	VERB
+operations	NOUN
+against	ADP
+Israel	PROPN
+from	ADP
+Iraq	PROPN
+.	PUNCT
+
+By	ADP
+the	DET
+late	ADJ
+1990s	NOUN
+,	PUNCT
+Iraq	PROPN
+had	VERB
+no	DET
+nuclear	ADJ
+or	CCONJ
+biological	ADJ
+weapons	NOUN
+program	NOUN
+,	PUNCT
+and	CCONJ
+had	AUX
+destroyed	VERB
+its	PRON
+chemical	ADJ
+weapons	NOUN
+stockpiles	NOUN
+.	PUNCT
+
+Its	PRON
+ramshackle	ADJ
+army	NOUN
+had	AUX
+virtually	ADV
+collapsed	VERB
+before	ADP
+the	DET
+American	ADJ
+invasion	NOUN
+in	ADP
+2003	NUM
+.	PUNCT
+
+If	SCONJ
+it	PRON
+is	AUX
+hard	ADJ
+to	PART
+see	VERB
+how	ADV
+Baathist	ADJ
+Iraq	PROPN
+posed	VERB
+any	DET
+real	ADJ
+threat	NOUN
+to	ADP
+Israel	PROPN
+,	PUNCT
+it	PRON
+is	AUX
+not	PART
+so	ADV
+difficult	ADJ
+to	PART
+see	VERB
+a	DET
+menace	NOUN
+in	ADP
+the	DET
+current	ADJ
+instability	NOUN
+.	PUNCT
+
+The	DET
+bungling	NOUN
+of	ADP
+post-war	ADJ
+Iraq	PROPN
+by	ADP
+the	DET
+Bush	PROPN
+administration	NOUN
+created	VERB
+a	DET
+weak	ADJ
+and	CCONJ
+failed	VERB
+state	NOUN
+.	PUNCT
+
+Armed	ADJ
+militias	NOUN
+,	PUNCT
+many	ADJ
+staffed	VERB
+by	ADP
+former	ADJ
+Iraqi	ADJ
+military	ADJ
+men	NOUN
+with	ADP
+substantial	ADJ
+training	NOUN
+and	CCONJ
+experience	NOUN
+,	PUNCT
+have	AUX
+proliferated	VERB
+.	PUNCT
+
+The	DET
+US	PROPN
+chose	VERB
+to	PART
+ally	VERB
+itself	PRON
+with	ADP
+such	ADJ
+groups	NOUN
+as	ADP
+the	DET
+Supreme	PROPN
+Council	PROPN
+for	ADP
+the	DET
+Islamic	PROPN
+Revolution	PROPN
+in	ADP
+Iraq	PROPN
+,	PUNCT
+whose	PRON
+15,000	NUM
+-	PUNCT
+strong	ADJ
+Badr	PROPN
+Corps	PROPN
+paramilitary	NOUN
+was	AUX
+trained	VERB
+by	ADP
+the	DET
+Iranian	PROPN
+Revolutionary	PROPN
+Guards	PROPN
+.	PUNCT
+
+Anti-Israeli	ADJ
+and	CCONJ
+pro-Palestinian	ADJ
+feeling	NOUN
+is	AUX
+strong	ADJ
+among	ADP
+several	ADJ
+major	ADJ
+Iraqi	ADJ
+ideological	ADJ
+groups	NOUN
+and	CCONJ
+currents	NOUN
+.	PUNCT
+
+The	DET
+more	ADV
+radical	ADJ
+Shiites	PROPN
+,	PUNCT
+who	PRON
+generally	ADV
+follow	VERB
+the	DET
+theocratic	ADJ
+notions	NOUN
+of	ADP
+Iran	PROPN
+'s	PART
+Ayatollah	PROPN
+Ruhollah	PROPN
+Khomeini	PROPN
+,	PUNCT
+routinely	ADV
+chant	VERB
+and	CCONJ
+demonstrate	VERB
+against	ADP
+Israel	PROPN
+.	PUNCT
+
+They	PRON
+vehemently	ADV
+protested	VERB
+the	DET
+Israeli	ADJ
+assassination	NOUN
+of	ADP
+Sheikh	PROPN
+Ahmed	PROPN
+Yassin	PROPN
+,	PUNCT
+the	DET
+leader	NOUN
+of	ADP
+Hamas	PROPN
+,	PUNCT
+last	ADJ
+March	PROPN
+.	PUNCT
+
+Worse	ADJ
+for	ADP
+Israel	PROPN
+,	PUNCT
+the	DET
+assassination	NOUN
+drew	VERB
+a	DET
+denunciation	NOUN
+even	ADV
+from	ADP
+the	DET
+moderate	ADJ
+and	CCONJ
+cautious	ADJ
+Grand	PROPN
+Ayatollah	PROPN
+Ali	PROPN
+Sistani	PROPN
+,	PUNCT
+who	PRON
+wields	VERB
+enormous	ADJ
+moral	ADJ
+authority	NOUN
+over	ADP
+Iraqi	ADJ
+Shiites	PROPN
+.	PUNCT
+
+These	DET
+Shiite	ADJ
+movements	NOUN
+had	AUX
+been	AUX
+suppressed	VERB
+by	ADP
+Saddam	PROPN
+Hussein	PROPN
+'s	PART
+regime	NOUN
+,	PUNCT
+but	CCONJ
+have	AUX
+now	ADV
+organized	VERB
+and	CCONJ
+armed	VERB
+themselves	PRON
+.	PUNCT
+
+They	PRON
+have	AUX
+also	ADV
+reestablished	VERB
+their	PRON
+historical	ADJ
+links	NOUN
+with	ADP
+Lebanese	ADJ
+and	CCONJ
+Iranian	ADJ
+Shiites	PROPN
+.	PUNCT
+
+It	PRON
+is	AUX
+inevitable	ADJ
+that	SCONJ
+most	ADJ
+Iraqi	ADJ
+Shiites	PROPN
+will	AUX
+side	VERB
+with	ADP
+their	PRON
+Hizbullah	PROPN
+coreligionists	NOUN
+against	ADP
+Israel	PROPN
+,	PUNCT
+and	CCONJ
+it	PRON
+seems	VERB
+likely	ADJ
+that	SCONJ
+Iraqi	ADJ
+Shiites	PROPN
+will	AUX
+get	VERB
+rich	ADJ
+enough	ADV
+from	ADP
+Iraqi	ADJ
+petroleum	NOUN
+sales	NOUN
+in	ADP
+the	DET
+future	NOUN
+that	SCONJ
+they	PRON
+will	AUX
+be	AUX
+in	ADP
+a	DET
+good	ADJ
+position	NOUN
+to	PART
+bankroll	VERB
+Lebanese	ADJ
+Shiite	ADJ
+radicals	NOUN
+.	PUNCT
+
+Sunni	ADJ
+Arab	ADJ
+fundamentalists	NOUN
+deeply	ADV
+sympathize	VERB
+with	ADP
+the	DET
+Palestinians	PROPN
+and	CCONJ
+with	ADP
+Hamas	PROPN
+,	PUNCT
+and	CCONJ
+those	PRON
+in	ADP
+Iraq	PROPN
+have	VERB
+deep	VERB
+historical	ADJ
+inks	NOUN
+with	ADP
+fundamentalists	NOUN
+in	ADP
+Jordan	PROPN
+and	CCONJ
+Palestine	PROPN
+.	PUNCT
+
+Iraqi	ADJ
+cities	NOUN
+such	ADJ
+as	ADP
+Fallujah	PROPN
+and	CCONJ
+Ramadi	PROPN
+were	AUX
+on	ADP
+the	DET
+truck	NOUN
+route	NOUN
+from	ADP
+Amman	PROPN
+to	ADP
+Baghdad	PROPN
+,	PUNCT
+and	CCONJ
+so	ADV
+came	VERB
+under	ADP
+the	DET
+influence	NOUN
+of	ADP
+the	DET
+Salafi	PROPN
+movement	NOUN
+,	PUNCT
+which	PRON
+is	AUX
+popular	ADJ
+in	ADP
+Jordan	PROPN
+.	PUNCT
+
+Secular	ADJ
+Arab	ADJ
+nationalist	NOUN
+groups	NOUN
+also	ADV
+universally	ADV
+sympathize	VERB
+with	ADP
+the	DET
+Palestinians	PROPN
+,	PUNCT
+and	CCONJ
+those	PRON
+in	ADP
+post-Saddam	ADJ
+Iraq	PROPN
+are	AUX
+no	DET
+exception	NOUN
+.	PUNCT
+
+Whereas	SCONJ
+Saddam	PROPN
+Hussein	PROPN
+'s	PART
+dictatorship	NOUN
+ensured	VERB
+that	SCONJ
+such	ADJ
+populist	ADJ
+currents	NOUN
+were	AUX
+kept	VERB
+firmly	ADV
+under	ADP
+control	NOUN
+,	PUNCT
+they	PRON
+are	AUX
+now	ADV
+free	ADJ
+to	PART
+organize	VERB
+.	PUNCT
+
+An	DET
+Iraq	PROPN
+in	ADP
+which	PRON
+armed	ADJ
+fundamentalist	ADJ
+and	CCONJ
+nationalist	ADJ
+militias	NOUN
+proliferate	VERB
+is	AUX
+inevitably	ADV
+a	DET
+security	NOUN
+worry	NOUN
+for	ADP
+Israel	PROPN
+.	PUNCT
+
+If	SCONJ
+even	ADV
+a	DET
+modicum	NOUN
+of	ADP
+normality	NOUN
+and	CCONJ
+security	NOUN
+can	AUX
+be	AUX
+returned	VERB
+to	ADP
+Iraq	PROPN
+,	PUNCT
+its	PRON
+citizens	NOUN
+will	AUX
+be	AUX
+able	ADJ
+to	PART
+benefit	VERB
+from	ADP
+the	DET
+country	NOUN
+'s	PART
+petroleum	NOUN
+reserves	NOUN
+.	PUNCT
+
+That	DET
+private	ADJ
+wealth	NOUN
+can	AUX
+easily	ADV
+be	AUX
+funneled	VERB
+into	ADP
+aid	NOUN
+for	ADP
+the	DET
+Palestinians	PROPN
+and	CCONJ
+for	ADP
+Lebanese	ADJ
+Shiites	PROPN
+.	PUNCT
+
+Israel	PROPN
+'s	PART
+security	NOUN
+interests	NOUN
+are	AUX
+best	ADV
+served	VERB
+by	ADP
+peace	NOUN
+with	ADP
+its	PRON
+neighbors	NOUN
+,	PUNCT
+which	PRON
+can	AUX
+only	ADV
+be	AUX
+achieved	VERB
+by	SCONJ
+trading	VERB
+land	NOUN
+for	ADP
+peace	NOUN
+with	ADP
+the	DET
+Palestinians	PROPN
+.	PUNCT
+
+Ariel	PROPN
+Sharon	PROPN
+'s	PART
+aggressive	ADJ
+near	ADJ
+annexation	NOUN
+of	ADP
+almost	ADV
+half	NOUN
+of	ADP
+the	DET
+occupied	VERB
+West	PROPN
+Bank	PROPN
+and	CCONJ
+his	PRON
+indefinite	ADJ
+postponement	NOUN
+of	ADP
+any	DET
+Palestinian	ADJ
+state	NOUN
+have	AUX
+created	VERB
+unprecedented	ADJ
+rage	NOUN
+and	CCONJ
+violence	NOUN
+.	PUNCT
+
+The	DET
+anger	NOUN
+has	AUX
+spread	VERB
+throughout	ADP
+the	DET
+Muslim	ADJ
+world	NOUN
+,	PUNCT
+including	VERB
+Iraq	PROPN
+.	PUNCT
+
+The	DET
+promotion	NOUN
+by	ADP
+the	DET
+pro-Zionist	ADJ
+right	NOUN
+of	ADP
+twin	NOUN
+occupations	NOUN
+-	PUNCT
+in	ADP
+the	DET
+West	PROPN
+Bank	PROPN
+and	CCONJ
+in	ADP
+Iraq	PROPN
+-	PUNCT
+has	AUX
+profoundly	ADV
+weakened	VERB
+,	PUNCT
+not	PART
+strengthened	VERB
+,	PUNCT
+Israeli	ADJ
+security	NOUN
+.	PUNCT
+
+Juan	PROPN
+Cole	PROPN
+(	PUNCT
+www.juancole.com	X
+)	PUNCT
+is	AUX
+a	DET
+professor	NOUN
+of	ADP
+modern	ADJ
+Middle	PROPN
+East	PROPN
+history	NOUN
+at	ADP
+the	DET
+University	PROPN
+of	ADP
+Michigan	PROPN
+and	CCONJ
+author	NOUN
+of	ADP
+"	PUNCT
+Sacred	PROPN
+Space	PROPN
+and	CCONJ
+Holy	PROPN
+War	PROPN
+"	PUNCT
+(	PUNCT
+I.B.	PROPN
+Tauris	PROPN
+,	PUNCT
+2002	NUM
+)	PUNCT
+.	PUNCT
+
+THE	DET
+DAILY	PROPN
+STAR	PROPN
+publishes	VERB
+this	DET
+commentary	NOUN
+in	ADP
+agreement	NOUN
+with	ADP
+Agence	PROPN
+Global	PROPN
+
+Tamils	PROPN
+feel	VERB
+that	SCONJ
+the	DET
+proposed	VERB
+defense	NOUN
+agreement	NOUN
+between	ADP
+India	PROPN
+and	CCONJ
+Sri	PROPN
+Lanka	PROPN
+would	AUX
+encourage	VERB
+Sinhala	ADJ
+rulers	NOUN
+to	PART
+prepare	VERB
+for	ADP
+another	DET
+war	NOUN
+abandoning	VERB
+the	DET
+current	ADJ
+peace	NOUN
+process	NOUN
+
+But	CCONJ
+there	PRON
+are	VERB
+strong	ADJ
+hints	NOUN
+in	ADP
+the	DET
+country	NOUN
+that	SCONJ
+a	DET
+new	ADJ
+Indo	X
+-	PUNCT
+Sri	PROPN
+Lanka	PROPN
+defense	NOUN
+deal	NOUN
+could	AUX
+be	AUX
+in	ADP
+the	DET
+making	NOUN
+.	PUNCT
+
+And	CCONJ
+this	PRON
+has	AUX
+already	ADV
+drawn	VERB
+protests	NOUN
+from	ADP
+the	DET
+Tamil	PROPN
+National	PROPN
+Alliance	PROPN
+(	PUNCT
+TNA	PROPN
+)	PUNCT
+which	PRON
+was	AUX
+backed	VERB
+by	ADP
+the	DET
+LTTE	PROPN
+in	ADP
+the	DET
+April	PROPN
+general	ADJ
+elections	NOUN
+held	VERB
+in	ADP
+Sri	PROPN
+Lanka	PROPN
+.	PUNCT
+
+Apart	ADV
+from	ADP
+the	DET
+1,200	NUM
+Indian	ADJ
+lives	NOUN
+lost	VERB
+in	ADP
+1987	NUM
+,	PUNCT
+the	DET
+Indian	ADJ
+peacekeeping	NOUN
+force	NOUN
+was	AUX
+immensely	ADV
+unpopular	ADJ
+not	ADV
+only	ADV
+in	ADP
+Tamil	PROPN
+Nadu	PROPN
+and	CCONJ
+the	DET
+Jaffna	PROPN
+peninsula	NOUN
+but	CCONJ
+also	ADV
+among	ADP
+the	DET
+Sinhalese	ADJ
+majority	NOUN
+who	PRON
+considered	VERB
+it	PRON
+a	DET
+violation	NOUN
+of	ADP
+their	PRON
+country	NOUN
+'s	PART
+sovereignty	NOUN
+.	PUNCT
+
+India	PROPN
+defensive	ADJ
+over	ADP
+Sri	PROPN
+Lanka	PROPN
+
+By	ADP
+Ranjit	PROPN
+Devraj	PROPN
+
+NEW	PROPN
+DELHI	PROPN
+-	PUNCT
+
+While	SCONJ
+India	PROPN
+is	AUX
+ready	ADJ
+to	PART
+enter	VERB
+into	ADP
+a	DET
+"	PUNCT
+defense	NOUN
+cooperation	NOUN
+agreement	NOUN
+"	PUNCT
+with	ADP
+Sri	PROPN
+Lanka	PROPN
+,	PUNCT
+it	PRON
+is	AUX
+wary	ADJ
+of	SCONJ
+being	AUX
+drawn	VERB
+into	ADP
+any	DET
+military	ADJ
+involvement	NOUN
+in	ADP
+the	DET
+island	NOUN
+nation	NOUN
+'s	PART
+two	NUM
+decades	NOUN
+-	PUNCT
+old	ADJ
+civil	ADJ
+war	NOUN
+that	PRON
+has	AUX
+seen	VERB
+violent	ADJ
+strife	NOUN
+between	ADP
+ethnic	ADJ
+Tamils	PROPN
+and	CCONJ
+the	DET
+Sinhalese	ADJ
+majority	NOUN
+-	PUNCT
+leaving	VERB
+over	ADV
+60,000	NUM
+dead	ADJ
+on	ADP
+both	DET
+sides	NOUN
+.	PUNCT
+
+And	CCONJ
+that	PRON
+explains	VERB
+the	DET
+delay	NOUN
+in	ADP
+the	DET
+signing	NOUN
+of	ADP
+a	DET
+formal	ADJ
+defense	NOUN
+agreement	NOUN
+that	PRON
+was	AUX
+at	ADP
+the	DET
+heart	NOUN
+of	ADP
+Sri	ADJ
+Lankan	ADJ
+President	PROPN
+Chandrika	PROPN
+Kumaratunga	PROPN
+'s	PART
+four	NUM
+-	PUNCT
+day	NOUN
+visit	NOUN
+to	ADP
+India	PROPN
+recently	ADV
+.	PUNCT
+
+According	VERB
+to	ADP
+Professor	PROPN
+S	PROPN
+D	PROPN
+Muni	PROPN
+,	PUNCT
+South	PROPN
+Asia	PROPN
+expert	NOUN
+at	ADP
+the	DET
+Jawaharal	PROPN
+Nehru	PROPN
+University	PROPN
+,	PUNCT
+the	DET
+two	NUM
+-	PUNCT
+year	NOUN
+peace	NOUN
+talks	NOUN
+between	ADP
+Colombo	PROPN
+and	CCONJ
+the	DET
+Liberation	PROPN
+Tigers	PROPN
+of	ADP
+Tamil	PROPN
+Eelam	PROPN
+(	PUNCT
+LTTE	PROPN
+)	PUNCT
+are	AUX
+stalemated	VERB
+.	PUNCT
+
+For	ADP
+that	DET
+reason	NOUN
+,	PUNCT
+he	PRON
+said	VERB
+,	PUNCT
+Kumaratunga	PROPN
+'s	PART
+government	NOUN
+was	AUX
+keen	ADJ
+to	PART
+beef	VERB
+up	ADP
+military	ADJ
+preparedness	NOUN
+with	ADP
+Indian	ADJ
+support	NOUN
+.	PUNCT
+
+"	PUNCT
+The	DET
+Sri	ADJ
+Lankan	ADJ
+government	NOUN
+does	AUX
+not	PART
+want	VERB
+to	PART
+initiate	VERB
+a	DET
+conflict	NOUN
+but	CCONJ
+would	AUX
+be	AUX
+interested	ADJ
+in	SCONJ
+deterring	VERB
+the	DET
+LTTE	PROPN
+from	SCONJ
+starting	VERB
+one	NUM
+.	PUNCT
+
+And	CCONJ
+the	DET
+Tigers	PROPN
+look	VERB
+as	SCONJ
+if	SCONJ
+they	PRON
+are	AUX
+on	ADP
+the	DET
+brink	NOUN
+of	SCONJ
+launching	VERB
+another	DET
+offensive	NOUN
+,	PUNCT
+"	PUNCT
+Muni	PROPN
+told	VERB
+IPS	PROPN
+.	PUNCT
+
+Colombo	PROPN
+held	VERB
+six	NUM
+rounds	NOUN
+of	ADP
+talks	NOUN
+with	ADP
+the	DET
+Tigers	PROPN
+between	ADP
+September	PROPN
+2002	NUM
+and	CCONJ
+March	PROPN
+2003	NUM
+.	PUNCT
+
+But	CCONJ
+last	ADJ
+April	PROPN
+,	PUNCT
+the	DET
+rebels	NOUN
+abruptly	ADV
+pulled	VERB
+out	ADP
+of	ADP
+negotiations	NOUN
+demanding	VERB
+recognition	NOUN
+,	PUNCT
+first	ADV
+,	PUNCT
+for	ADP
+the	DET
+right	NOUN
+to	ADP
+self	NOUN
+-	PUNCT
+rule	NOUN
+before	SCONJ
+proceeding	VERB
+any	ADV
+further	ADV
+.	PUNCT
+
+Kumaratunga	PROPN
+'s	PART
+India	PROPN
+tour	NOUN
+preceded	VERB
+a	DET
+three	NUM
+-	PUNCT
+day	NOUN
+visit	NOUN
+to	ADP
+Sri	PROPN
+Lanka	PROPN
+by	ADP
+Norwegian	ADJ
+Foreign	PROPN
+Minister	PROPN
+Jan	PROPN
+Petersen	PROPN
+in	ADP
+a	DET
+new	ADJ
+bid	NOUN
+to	PART
+revive	VERB
+the	DET
+peace	NOUN
+talks	NOUN
+that	PRON
+were	AUX
+supposed	VERB
+to	PART
+follow	VERB
+a	DET
+ceasefire	NOUN
+that	PRON
+Oslo	PROPN
+successfully	ADV
+brokered	VERB
+in	ADP
+February	PROPN
+2002	NUM
+.	PUNCT
+
+Petersen	PROPN
+held	VERB
+discussions	NOUN
+with	ADP
+both	CCONJ
+Kumaratunga	PROPN
+and	CCONJ
+the	DET
+reclusive	ADJ
+LTTE	PROPN
+leader	NOUN
+Velupillai	PROPN
+Prabhakaran	PROPN
+in	ADP
+the	DET
+rebel	NOUN
+stronghold	NOUN
+of	ADP
+Kilinochchi	PROPN
+without	ADP
+success	NOUN
+,	PUNCT
+and	CCONJ
+chief	ADJ
+Tamil	ADJ
+rebel	NOUN
+negotiator	NOUN
+Anton	PROPN
+Balasingham	PROPN
+and	CCONJ
+Norwegian	ADJ
+envoy	NOUN
+Erik	PROPN
+Solheim	PROPN
+held	VERB
+closed	VERB
+-	PUNCT
+door	NOUN
+talks	NOUN
+at	ADP
+the	DET
+international	ADJ
+airport	NOUN
+late	ADV
+Saturday	PROPN
+in	ADP
+an	DET
+effort	NOUN
+to	PART
+keep	VERB
+the	DET
+salvage	NOUN
+effort	NOUN
+on	ADP
+track	NOUN
+,	PUNCT
+diplomatic	ADJ
+sources	NOUN
+said	VERB
+.	PUNCT
+
+But	CCONJ
+they	PRON
+,	PUNCT
+too	ADV
+,	PUNCT
+failed	VERB
+.	PUNCT
+
+Colombo	PROPN
+,	PUNCT
+too	ADV
+,	PUNCT
+seems	VERB
+to	PART
+be	AUX
+in	ADP
+an	DET
+intractable	ADJ
+position	NOUN
+.	PUNCT
+
+According	VERB
+to	ADP
+former	ADJ
+Indian	ADJ
+army	NOUN
+general	NOUN
+A	PROPN
+S	PROPN
+Kalkat	PROPN
+,	PUNCT
+the	DET
+difficulty	NOUN
+for	ADP
+Kumaratunga	PROPN
+'s	PART
+government	NOUN
+lay	VERB
+in	ADP
+the	DET
+fact	NOUN
+that	SCONJ
+the	DET
+LTTE	PROPN
+had	AUX
+become	VERB
+a	DET
+de	X
+jure	X
+power	NOUN
+in	ADP
+the	DET
+north	NOUN
+and	CCONJ
+east	NOUN
+of	ADP
+the	DET
+island	NOUN
+and	CCONJ
+was	AUX
+running	VERB
+every	DET
+aspect	NOUN
+of	ADP
+civil	ADJ
+administration	NOUN
+in	ADP
+the	DET
+areas	NOUN
+within	ADP
+its	PRON
+control	NOUN
+.	PUNCT
+
+A	DET
+veteran	NOUN
+of	ADP
+India	PROPN
+'s	PART
+military	ADJ
+intervention	NOUN
+in	ADP
+the	DET
+Jaffna	PROPN
+peninsula	NOUN
+to	PART
+help	VERB
+implement	VERB
+the	DET
+1987	NUM
+Indo	X
+-	PUNCT
+Sri	PROPN
+Lanka	PROPN
+Peace	PROPN
+Accord	PROPN
+-	PUNCT
+which	PRON
+ambitiously	ADV
+provided	VERB
+for	ADP
+the	DET
+disarming	NOUN
+of	ADP
+the	DET
+formidable	ADJ
+LTTE	PROPN
+-	PUNCT
+Kalkat	PROPN
+said	VERB
+the	DET
+new	ADJ
+defense	NOUN
+deal	NOUN
+would	AUX
+essentially	ADV
+be	AUX
+a	DET
+reiteration	NOUN
+of	ADP
+the	DET
+older	ADJ
+one	NOUN
+minus	CCONJ
+its	PRON
+military	ADJ
+commitment	NOUN
+.	PUNCT
+
+Kalkat	PROPN
+,	PUNCT
+who	PRON
+currently	ADV
+chairs	VERB
+the	DET
+independent	ADJ
+US	PROPN
+-	PUNCT
+based	VERB
+International	PROPN
+Council	PROPN
+on	ADP
+Conflict	PROPN
+Resolution	PROPN
+,	PUNCT
+said	VERB
+despite	ADP
+the	DET
+failure	NOUN
+of	ADP
+the	DET
+Indian	ADJ
+army	NOUN
+to	PART
+disarm	VERB
+or	CCONJ
+even	ADV
+subdue	VERB
+the	DET
+Tigers	PROPN
+,	PUNCT
+India	PROPN
+remained	VERB
+the	DET
+only	ADJ
+power	NOUN
+capable	ADJ
+of	SCONJ
+influencing	VERB
+the	DET
+course	NOUN
+of	ADP
+the	DET
+current	ADJ
+peace	NOUN
+talks	NOUN
+.	PUNCT
+
+"	PUNCT
+The	DET
+Norwegians	PROPN
+mean	VERB
+well	ADV
+but	CCONJ
+their	PRON
+role	NOUN
+is	AUX
+limited	ADJ
+to	ADP
+that	PRON
+of	ADP
+honest	ADJ
+broker	NOUN
+and	CCONJ
+the	DET
+LTTE	PROPN
+is	AUX
+keenly	ADV
+aware	ADJ
+that	SCONJ
+they	PRON
+do	AUX
+not	PART
+have	VERB
+the	DET
+power	NOUN
+[	PUNCT
+unlike	ADP
+India	PROPN
+]	PUNCT
+to	PART
+underwrite	VERB
+any	DET
+arrangement	NOUN
+,	PUNCT
+"	PUNCT
+Kalkat	PROPN
+told	VERB
+IPS	PROPN
+in	ADP
+an	DET
+interview	NOUN
+.	PUNCT
+
+In	ADP
+1987	NUM
+,	PUNCT
+the	DET
+Tamil	PROPN
+Tigers	PROPN
+reluctantly	ADV
+accepted	VERB
+the	DET
+peace	NOUN
+accord	NOUN
+under	ADP
+Indian	ADJ
+pressure	NOUN
+.	PUNCT
+
+Under	ADP
+the	DET
+accord	NOUN
+,	PUNCT
+a	DET
+new	ADJ
+northeastern	ADJ
+provincial	ADJ
+council	NOUN
+was	AUX
+formed	VERB
+and	CCONJ
+the	DET
+Indian	ADJ
+army	NOUN
+was	AUX
+deployed	VERB
+as	ADP
+peacekeepers	NOUN
+in	ADP
+the	DET
+north	NOUN
+and	CCONJ
+east	NOUN
+.	PUNCT
+
+However	ADV
+,	PUNCT
+differences	NOUN
+between	ADP
+India	PROPN
+and	CCONJ
+LTTE	PROPN
+soon	ADV
+surfaced	VERB
+and	CCONJ
+led	VERB
+to	ADP
+clashes	NOUN
+between	ADP
+Tiger	PROPN
+guerrillas	NOUN
+and	CCONJ
+the	DET
+Indian	ADJ
+peace	NOUN
+keeping	NOUN
+force	NOUN
+.	PUNCT
+
+About	ADV
+1,200	NUM
+Indian	ADJ
+soldiers	NOUN
+were	AUX
+killed	VERB
+during	ADP
+this	DET
+phase	NOUN
+of	ADP
+the	DET
+conflict	NOUN
+.	PUNCT
+
+India	PROPN
+had	VERB
+to	PART
+pull	VERB
+back	ADV
+its	PRON
+forces	NOUN
+from	ADP
+Sri	PROPN
+Lanka	PROPN
+in	ADP
+1989	NUM
+following	VERB
+the	DET
+election	NOUN
+of	ADP
+Ranasinghe	PROPN
+Premadasa	PROPN
+,	PUNCT
+a	DET
+strong	ADJ
+critic	NOUN
+of	ADP
+Indian	ADJ
+mediation	NOUN
+.	PUNCT
+
+Last	ADJ
+June	PROPN
+,	PUNCT
+an	DET
+international	ADJ
+initiative	NOUN
+led	VERB
+by	ADP
+Japan	PROPN
+to	PART
+persuade	VERB
+the	DET
+LTTE	PROPN
+to	PART
+come	VERB
+back	ADV
+to	ADP
+the	DET
+negotiating	NOUN
+table	NOUN
+failed	VERB
+despite	ADP
+an	DET
+aid	NOUN
+package	NOUN
+offer	NOUN
+of	ADP
+US$	SYM
+4.5	NUM
+billion	NUM
+.	PUNCT
+
+Japan	PROPN
+'s	PART
+special	ADJ
+envoy	NOUN
+,	PUNCT
+Yasushi	PROPN
+Akashi	PROPN
+,	PUNCT
+who	PRON
+called	VERB
+for	ADP
+tangible	ADJ
+progress	NOUN
+in	ADP
+the	DET
+peace	NOUN
+process	NOUN
+before	SCONJ
+the	DET
+money	NOUN
+would	AUX
+be	AUX
+released	VERB
+,	PUNCT
+came	VERB
+back	ADV
+from	ADP
+visits	NOUN
+to	ADP
+Colombo	PROPN
+and	CCONJ
+Kilinochchi	PROPN
+in	ADP
+early	ADJ
+November	PROPN
+a	DET
+frustrated	ADJ
+man	NOUN
+.	PUNCT
+
+He	PRON
+complained	VERB
+about	ADP
+the	DET
+"	PUNCT
+visible	ADJ
+lack	NOUN
+of	ADP
+progress	NOUN
+"	PUNCT
+and	CCONJ
+reaching	VERB
+an	DET
+impasse	NOUN
+in	ADP
+talks	NOUN
+with	ADP
+both	DET
+sides	NOUN
+.	PUNCT
+
+The	DET
+Tigers	PROPN
+'	PART
+chief	ADJ
+ideologue	NOUN
+,	PUNCT
+Balasingham	PROPN
+,	PUNCT
+sniffed	VERB
+at	ADP
+the	DET
+proposal	NOUN
+saying	VERB
+that	SCONJ
+"	PUNCT
+a	DET
+solution	NOUN
+to	ADP
+the	DET
+ethnic	ADJ
+conflict	NOUN
+can	AUX
+not	PART
+be	AUX
+predetermined	VERB
+by	ADP
+the	DET
+resolutions	NOUN
+or	CCONJ
+declarations	NOUN
+of	ADP
+donor	NOUN
+conferences	NOUN
+,	PUNCT
+but	CCONJ
+has	VERB
+to	PART
+be	AUX
+negotiated	VERB
+by	ADP
+the	DET
+parties	NOUN
+in	ADP
+conflict	NOUN
+without	ADP
+the	DET
+constraints	NOUN
+of	ADP
+external	ADJ
+forces	NOUN
+.	PUNCT
+"	PUNCT
+
+But	CCONJ
+there	PRON
+are	VERB
+strong	ADJ
+hints	NOUN
+in	ADP
+the	DET
+country	NOUN
+that	SCONJ
+a	DET
+new	ADJ
+Indo	X
+-	PUNCT
+Sri	PROPN
+Lanka	PROPN
+defense	NOUN
+deal	NOUN
+could	AUX
+be	AUX
+in	ADP
+the	DET
+making	NOUN
+.	PUNCT
+
+And	CCONJ
+this	PRON
+has	AUX
+already	ADV
+drawn	VERB
+protests	NOUN
+from	ADP
+the	DET
+Tamil	PROPN
+National	PROPN
+Alliance	PROPN
+(	PUNCT
+TNA	PROPN
+)	PUNCT
+which	PRON
+was	AUX
+backed	VERB
+by	ADP
+the	DET
+LTTE	PROPN
+in	ADP
+the	DET
+April	PROPN
+general	ADJ
+elections	NOUN
+held	VERB
+in	ADP
+Sri	PROPN
+Lanka	PROPN
+.	PUNCT
+
+"	PUNCT
+Tamils	PROPN
+feel	VERB
+that	SCONJ
+the	DET
+proposed	VERB
+defense	NOUN
+agreement	NOUN
+between	ADP
+India	PROPN
+and	CCONJ
+Sri	PROPN
+Lanka	PROPN
+would	AUX
+encourage	VERB
+Sinhala	PROPN
+rulers	NOUN
+to	PART
+prepare	VERB
+for	ADP
+another	DET
+war	NOUN
+abandoning	VERB
+the	DET
+current	ADJ
+peace	NOUN
+process	NOUN
+,	PUNCT
+"	PUNCT
+TNA	PROPN
+member	NOUN
+of	ADP
+parliament	NOUN
+P	PROPN
+Sithamparanathan	PROPN
+was	AUX
+quoted	VERB
+as	SCONJ
+saying	VERB
+in	ADP
+a	DET
+statement	NOUN
+.	PUNCT
+
+She	PRON
+added	VERB
+that	SCONJ
+recent	ADJ
+visits	NOUN
+to	ADP
+the	DET
+island	NOUN
+by	ADP
+India	PROPN
+'s	PART
+top	ADJ
+military	ADJ
+brass	NOUN
+including	VERB
+army	NOUN
+chief	NOUN
+General	PROPN
+Nirmal	PROPN
+Chander	PROPN
+Vij	PROPN
+have	AUX
+"	PUNCT
+caused	VERB
+apprehension	NOUN
+among	ADP
+Tamils	PROPN
+that	SCONJ
+preparations	NOUN
+are	AUX
+under	ADP
+way	NOUN
+for	ADP
+another	DET
+war	NOUN
+in	ADP
+the	DET
+island	NOUN
+"	PUNCT
+.	PUNCT
+
+But	CCONJ
+Kalkat	PROPN
+pointed	VERB
+out	ADP
+that	SCONJ
+India	PROPN
+would	AUX
+be	VERB
+ill	ADV
+-	PUNCT
+advised	VERB
+to	PART
+be	AUX
+involved	ADJ
+again	ADV
+,	PUNCT
+militarily	ADV
+,	PUNCT
+with	ADP
+Sri	PROPN
+Lanka	PROPN
+if	SCONJ
+only	ADV
+because	SCONJ
+it	PRON
+still	ADV
+had	VERB
+to	PART
+consider	VERB
+the	DET
+sentiments	NOUN
+of	ADP
+45	NUM
+million	NUM
+ethnic	ADJ
+Tamils	PROPN
+in	ADP
+the	DET
+Indian	ADJ
+state	NOUN
+of	ADP
+Tamil	PROPN
+Nadu	PROPN
+-	PUNCT
+separated	VERB
+from	ADP
+Sri	PROPN
+Lanka	PROPN
+'s	PART
+Jaffna	PROPN
+peninsula	NOUN
+by	ADP
+the	DET
+narrow	ADJ
+Palk	PROPN
+Straits	PROPN
+.	PUNCT
+
+Apart	ADV
+from	ADP
+the	DET
+1,200	NUM
+Indian	ADJ
+lives	NOUN
+lost	VERB
+in	ADP
+1987	NUM
+,	PUNCT
+the	DET
+Indian	ADJ
+peacekeeping	NOUN
+force	NOUN
+was	AUX
+immensely	ADV
+unpopular	ADJ
+not	ADV
+only	ADV
+in	ADP
+Tamil	PROPN
+Nadu	PROPN
+and	CCONJ
+the	DET
+Jaffna	PROPN
+peninsula	NOUN
+but	CCONJ
+also	ADV
+among	ADP
+the	DET
+Sinhalese	ADJ
+majority	NOUN
+who	PRON
+considered	VERB
+it	PRON
+a	DET
+violation	NOUN
+of	ADP
+their	PRON
+country	NOUN
+'s	PART
+sovereignty	NOUN
+.	PUNCT
+
+The	DET
+best	ADJ
+option	NOUN
+,	PUNCT
+now	ADV
+,	PUNCT
+under	ADP
+the	DET
+present	ADJ
+difficult	ADJ
+circumstances	NOUN
+is	VERB
+for	SCONJ
+Colombo	PROPN
+to	PART
+do	VERB
+its	PRON
+own	ADJ
+dirty	ADJ
+work	NOUN
+,	PUNCT
+although	SCONJ
+New	PROPN
+Delhi	PROPN
+can	AUX
+always	ADV
+be	AUX
+counted	VERB
+on	ADP
+to	PART
+render	VERB
+good	ADJ
+neighborly	ADJ
+help	NOUN
+because	ADP
+of	ADP
+the	DET
+shared	VERB
+belief	NOUN
+that	SCONJ
+religion	NOUN
+,	PUNCT
+ethnicity	NOUN
+and	CCONJ
+language	NOUN
+can	AUX
+not	PART
+be	AUX
+the	DET
+basis	NOUN
+for	ADP
+secession	NOUN
+.	PUNCT
+
+In	ADP
+any	DET
+case	NOUN
+,	PUNCT
+Kalkat	PROPN
+puts	VERB
+it	PRON
+succinctly	ADV
+:	PUNCT
+"	PUNCT
+There	PRON
+can	AUX
+not	PART
+be	VERB
+a	DET
+military	ADJ
+option	NOUN
+to	SCONJ
+what	PRON
+is	VERB
+a	DET
+political	ADJ
+situation	NOUN
+.	PUNCT
+"	PUNCT
+
+Asia	PROPN
+Times	PROPN
+Online	PROPN
+16/11/2004	NUM
+
+Unreported	VERB
+by	ADP
+the	DET
+international	ADJ
+media	NOUN
+,	PUNCT
+the	DET
+Valley	PROPN
+of	ADP
+Kashmir	PROPN
+has	AUX
+seen	VERB
+an	DET
+ethnic	ADJ
+and	CCONJ
+cultural	ADJ
+genocide	NOUN
+that	PRON
+has	AUX
+resulted	VERB
+in	ADP
+the	DET
+fleeing	NOUN
+from	ADP
+the	DET
+valley	NOUN
+of	ADP
+almost	ADV
+all	DET
+the	DET
+Hindu	ADJ
+families	NOUN
+who	PRON
+have	AUX
+been	AUX
+living	VERB
+there	ADV
+since	SCONJ
+human	ADJ
+habitation	NOUN
+was	AUX
+first	ADV
+recorded	VERB
+.	PUNCT
+
+Over	ADV
+nine	NUM
+dozen	NOUN
+temples	NOUN
+that	PRON
+had	AUX
+served	VERB
+the	DET
+Hindu	ADJ
+population	NOUN
+have	AUX
+been	AUX
+destroyed	VERB
+,	PUNCT
+with	SCONJ
+some	DET
+used	VERB
+as	ADP
+building	NOUN
+material	NOUN
+and	CCONJ
+others	NOUN
+as	ADP
+urinals	NOUN
+.	PUNCT
+
+Thus	ADV
+far	ADV
+,	PUNCT
+none	NOUN
+of	ADP
+the	DET
+many	ADJ
+"	PUNCT
+human	ADJ
+rights	NOUN
+"	PUNCT
+busybodies	NOUN
+across	ADP
+the	DET
+world	NOUN
+have	AUX
+bothered	VERB
+to	PART
+even	ADV
+notice	VERB
+such	DET
+a	DET
+development	NOUN
+.	PUNCT
+
+Musharraf	PROPN
+calls	VERB
+the	DET
+bluff	NOUN
+
+M.D.	PROPN
+Nalapat	PROPN
+
+While	SCONJ
+most	ADJ
+U.S.	PROPN
+secretaries	NOUN
+of	ADP
+state	NOUN
+--	PUNCT
+save	ADP
+perhaps	ADV
+Dean	PROPN
+Rusk	PROPN
+--	PUNCT
+have	AUX
+gobbled	VERB
+up	ADP
+credit	NOUN
+for	ADP
+outcomes	NOUN
+that	PRON
+they	PRON
+had	VERB
+little	ADJ
+to	PART
+do	VERB
+with	ADP
+,	PUNCT
+few	ADJ
+have	AUX
+been	AUX
+as	ADV
+brazen	ADJ
+as	ADP
+Colin	PROPN
+Powell	PROPN
+.	PUNCT
+
+Two	NUM
+years	NOUN
+ago	ADV
+,	PUNCT
+Pakistani	ADJ
+President	PROPN
+Pervez	PROPN
+Musharraf	PROPN
+was	AUX
+surprised	ADJ
+when	ADV
+the	DET
+leader	NOUN
+of	ADP
+the	DET
+main	ADJ
+Islamist	PROPN
+alliance	NOUN
+--	PUNCT
+Maulana	PROPN
+Fazlur	PROPN
+Rahman	PROPN
+--	PUNCT
+visited	VERB
+India	PROPN
+and	CCONJ
+issued	VERB
+a	DET
+series	NOUN
+of	ADP
+highly	ADV
+conciliatory	ADJ
+statements	NOUN
+.	PUNCT
+
+As	SCONJ
+Pakistan	PROPN
+'s	PART
+president	NOUN
+had	AUX
+been	AUX
+telling	VERB
+the	DET
+United	PROPN
+States	PROPN
+he	PRON
+was	AUX
+"	PUNCT
+forced	VERB
+"	PUNCT
+into	SCONJ
+taking	VERB
+a	DET
+hawkish	ADJ
+line	NOUN
+on	ADP
+India	PROPN
+precisely	ADV
+by	ADP
+the	DET
+likes	NOUN
+of	ADP
+Rahman	PROPN
+,	PUNCT
+this	PRON
+was	AUX
+an	DET
+embarrassment	NOUN
+.	PUNCT
+
+The	DET
+reality	NOUN
+is	VERB
+that	SCONJ
+India	PROPN
+is	AUX
+no	ADV
+longer	ADV
+the	DET
+enemy	NOUN
+of	ADP
+choice	NOUN
+for	ADP
+the	DET
+people	NOUN
+of	ADP
+Pakistan	PROPN
+.	PUNCT
+
+That	DET
+distinction	NOUN
+has	AUX
+now	ADV
+gone	VERB
+to	ADP
+the	DET
+United	PROPN
+States	PROPN
+.	PUNCT
+
+Realists	NOUN
+,	PUNCT
+and	CCONJ
+this	PRON
+even	ADV
+includes	VERB
+members	NOUN
+of	ADP
+the	DET
+U.S.	PROPN
+Democratic	ADJ
+foreign	ADJ
+policy	NOUN
+establishment	NOUN
+such	ADJ
+as	ADP
+Strobe	PROPN
+Talbott	PROPN
+,	PUNCT
+who	PRON
+have	AUX
+long	ADV
+sought	VERB
+to	PART
+divest	VERB
+India	PROPN
+of	ADP
+its	PRON
+defensive	ADJ
+capability	NOUN
+against	ADP
+another	DET
+nuclear	ADJ
+power	NOUN
+in	ADP
+Asia	PROPN
+,	PUNCT
+understand	VERB
+the	DET
+only	ADV
+feasible	ADJ
+solution	NOUN
+for	ADP
+Kashmir	PROPN
+is	AUX
+the	DET
+acceptance	NOUN
+of	ADP
+the	DET
+status	NOUN
+quo	NOUN
+.	PUNCT
+
+India	PROPN
+keeps	VERB
+what	PRON
+it	PRON
+has	VERB
+while	SCONJ
+Pakistan	PROPN
+and	CCONJ
+China	PROPN
+(	PUNCT
+which	PRON
+was	AUX
+gifted	VERB
+a	DET
+slice	NOUN
+of	ADP
+the	DET
+territory	NOUN
+three	NUM
+decades	NOUN
+ago	ADV
+)	PUNCT
+do	VERB
+likewise	ADV
+.	PUNCT
+
+Simultaneously	ADV
+,	PUNCT
+New	PROPN
+Delhi	PROPN
+would	AUX
+ensure	VERB
+a	DET
+degree	NOUN
+of	ADP
+autonomy	NOUN
+for	ADP
+the	DET
+state	NOUN
+that	PRON
+would	AUX
+help	VERB
+cut	VERB
+popular	ADJ
+support	NOUN
+off	ADP
+from	ADP
+jihadis	NOUN
+attempting	VERB
+to	PART
+convert	VERB
+Kashmir	PROPN
+into	ADP
+a	DET
+second	ADJ
+Afghanistan	PROPN
+.	PUNCT
+
+Bill	PROPN
+Clinton	PROPN
+understood	VERB
+this	PRON
+at	ADP
+the	DET
+end	NOUN
+of	ADP
+his	PRON
+term	NOUN
+in	ADP
+office	NOUN
+yet	CCONJ
+,	PUNCT
+under	ADP
+Colin	PROPN
+Powell	PROPN
+(	PUNCT
+who	PRON
+appears	VERB
+to	PART
+have	VERB
+an	DET
+affinity	NOUN
+for	ADP
+generals	NOUN
+active	ADJ
+in	ADP
+politics	NOUN
+)	PUNCT
+,	PUNCT
+the	DET
+pendulum	NOUN
+of	ADP
+U.S.	PROPN
+policy	NOUN
+has	AUX
+once	ADV
+again	ADV
+swung	VERB
+toward	ADP
+a	DET
+quixotic	ADJ
+effort	NOUN
+to	PART
+prize	VERB
+at	ADV
+least	ADV
+the	DET
+Valley	PROPN
+of	ADP
+Kashmir	PROPN
+loose	ADV
+from	ADP
+India	PROPN
+.	PUNCT
+
+This	PRON
+,	PUNCT
+Pakistan	PROPN
+'s	PART
+lobbyist	NOUN
+in	ADP
+Washington	PROPN
+Christina	PROPN
+Rocca	PROPN
+has	AUX
+been	AUX
+told	VERB
+,	PUNCT
+is	AUX
+the	DET
+"	PUNCT
+minimum	NOUN
+"	PUNCT
+that	PRON
+the	DET
+Pakistan	PROPN
+army	NOUN
+will	AUX
+accept	VERB
+.	PUNCT
+
+It	PRON
+is	AUX
+also	ADV
+far	ADV
+more	ADJ
+than	SCONJ
+what	PRON
+any	DET
+administration	NOUN
+in	ADP
+New	PROPN
+Delhi	PROPN
+can	AUX
+deliver	VERB
+.	PUNCT
+
+This	DET
+writer	NOUN
+has	AUX
+for	ADP
+years	NOUN
+regarded	VERB
+the	DET
+best	ADJ
+solution	NOUN
+to	ADP
+the	DET
+Kashmir	PROPN
+problem	NOUN
+as	SCONJ
+being	AUX
+the	DET
+trifurcation	NOUN
+of	ADP
+the	DET
+Indian	ADJ
+part	NOUN
+of	ADP
+the	DET
+state	NOUN
+into	ADP
+a	DET
+Hindu	ADJ
+-	PUNCT
+majority	NOUN
+Jammu	PROPN
+,	PUNCT
+a	DET
+Buddhist	PROPN
+-	PUNCT
+dominated	VERB
+Ladakh	PROPN
+and	CCONJ
+the	DET
+overwhelmingly	ADV
+Muslim	ADJ
+Kashmir	PROPN
+Valley	PROPN
+,	PUNCT
+with	SCONJ
+the	DET
+third	ADJ
+state	NOUN
+given	VERB
+little	NOUN
+of	ADP
+taxpayers	NOUN
+'	PART
+money	NOUN
+but	CCONJ
+substantial	ADJ
+autonomy	NOUN
+.	PUNCT
+
+With	ADP
+luck	NOUN
+,	PUNCT
+the	DET
+Kashmir	PROPN
+Valley	PROPN
+can	AUX
+attract	VERB
+investment	NOUN
+from	ADP
+the	DET
+Middle	PROPN
+East	PROPN
+and	CCONJ
+other	ADJ
+locations	NOUN
+where	ADV
+Muslims	PROPN
+are	AUX
+dominant	ADJ
+and	CCONJ
+become	VERB
+a	DET
+tourist	NOUN
+,	PUNCT
+education	NOUN
+and	CCONJ
+services	NOUN
+haven	NOUN
+within	ADP
+India	PROPN
+.	PUNCT
+
+The	DET
+overwhelming	ADJ
+majority	NOUN
+of	ADP
+Muslims	PROPN
+in	ADP
+Kashmir	PROPN
+would	AUX
+be	AUX
+happy	ADJ
+with	ADP
+such	DET
+an	DET
+outcome	NOUN
+,	PUNCT
+except	ADP
+for	ADP
+the	DET
+tiny	ADJ
+jihadi	ADJ
+segment	NOUN
+patronized	VERB
+by	ADP
+the	DET
+U.S.	PROPN
+State	PROPN
+Department	PROPN
+and	CCONJ
+the	DET
+Pakistan	PROPN
+Army	PROPN
+,	PUNCT
+which	PRON
+would	AUX
+like	VERB
+to	PART
+even	VERB
+the	DET
+score	NOUN
+with	ADP
+India	PROPN
+for	ADP
+their	PRON
+catastrophic	ADJ
+defeat	NOUN
+in	ADP
+Bangladesh	PROPN
+in	ADP
+1971	NUM
+.	PUNCT
+
+Unreported	VERB
+by	ADP
+the	DET
+international	ADJ
+media	NOUN
+,	PUNCT
+the	DET
+Valley	PROPN
+of	ADP
+Kashmir	PROPN
+has	AUX
+seen	VERB
+an	DET
+ethnic	ADJ
+and	CCONJ
+cultural	ADJ
+genocide	NOUN
+that	PRON
+has	AUX
+resulted	VERB
+in	ADP
+the	DET
+fleeing	NOUN
+from	ADP
+the	DET
+valley	NOUN
+of	ADP
+almost	ADV
+all	DET
+the	DET
+Hindu	PROPN
+families	NOUN
+who	PRON
+have	AUX
+been	AUX
+living	VERB
+there	ADV
+since	SCONJ
+human	ADJ
+habitation	NOUN
+was	AUX
+first	ADV
+recorded	VERB
+.	PUNCT
+
+Over	ADV
+nine	NUM
+dozen	NOUN
+temples	NOUN
+that	PRON
+had	AUX
+served	VERB
+the	DET
+Hindu	ADJ
+population	NOUN
+have	AUX
+been	AUX
+destroyed	VERB
+,	PUNCT
+with	SCONJ
+some	DET
+used	VERB
+as	ADP
+building	NOUN
+material	NOUN
+and	CCONJ
+others	NOUN
+as	ADP
+urinals	NOUN
+.	PUNCT
+
+Thus	ADV
+far	ADV
+,	PUNCT
+none	NOUN
+of	ADP
+the	DET
+many	ADJ
+"	PUNCT
+human	ADJ
+rights	NOUN
+"	PUNCT
+busybodies	NOUN
+across	ADP
+the	DET
+world	NOUN
+have	AUX
+bothered	VERB
+to	PART
+even	ADV
+notice	VERB
+such	DET
+a	DET
+development	NOUN
+.	PUNCT
+
+Indeed	ADV
+,	PUNCT
+their	PRON
+reports	NOUN
+are	AUX
+filled	VERB
+with	ADP
+tales	NOUN
+of	ADP
+the	DET
+"	PUNCT
+atrocities	NOUN
+"	PUNCT
+of	ADP
+Indian	ADJ
+troops	NOUN
+on	ADP
+the	DET
+innocent	ADJ
+jihadis	NOUN
+.	PUNCT
+
+Despite	ADP
+Sept.	PROPN
+11	NUM
+,	PUNCT
+the	DET
+United	PROPN
+States	PROPN
+still	ADV
+supports	VERB
+the	DET
+Kashmir	PROPN
+groups	NOUN
+that	PRON
+back	VERB
+jihad	NOUN
+as	ADP
+part	NOUN
+of	ADP
+the	DET
+price	NOUN
+Washington	PROPN
+is	AUX
+paying	VERB
+to	PART
+keep	VERB
+Pervez	PROPN
+Musharraf	PROPN
+happy	ADJ
+.	PUNCT
+
+Unfortunately	ADV
+for	ADP
+them	PRON
+,	PUNCT
+the	DET
+general	NOUN
+has	AUX
+decided	VERB
+to	PART
+take	VERB
+seriously	ADV
+Colin	PROPN
+Powell	PROPN
+'s	PART
+frequent	ADJ
+boasts	NOUN
+that	SCONJ
+it	PRON
+was	AUX
+on	ADP
+his	PRON
+nudging	NOUN
+that	ADV
+the	DET
+Indians	PROPN
+made	VERB
+conciliatory	ADJ
+gestures	NOUN
+toward	ADP
+Islamabad	PROPN
+.	PUNCT
+
+The	DET
+U.S.	PROPN
+State	PROPN
+Department	PROPN
+and	CCONJ
+the	DET
+misnamed	VERB
+think	NOUN
+tanks	NOUN
+that	PRON
+follow	VERB
+its	PRON
+lead	NOUN
+have	AUX
+held	VERB
+numerous	ADJ
+conferences	NOUN
+on	ADP
+Kashmir	PROPN
+and	CCONJ
+,	PUNCT
+in	ADP
+most	ADJ
+of	ADP
+them	PRON
+,	PUNCT
+the	DET
+solution	NOUN
+that	PRON
+has	AUX
+emerged	VERB
+is	AUX
+a	DET
+valley	NOUN
+prized	VERB
+loose	ADV
+from	ADP
+Indian	ADJ
+control	NOUN
+and	CCONJ
+under	ADP
+its	PRON
+own	ADJ
+version	NOUN
+of	ADP
+Ibrahim	PROPN
+Rugova	PROPN
+.	PUNCT
+
+That	SCONJ
+India	PROPN
+is	AUX
+not	PART
+Yugoslavia	PROPN
+and	CCONJ
+that	SCONJ
+the	DET
+"	PUNCT
+foreigner	NOUN
+-	PUNCT
+led	VERB
+"	PUNCT
+Indian	PROPN
+National	PROPN
+Congress	PROPN
+can	AUX
+least	ADV
+afford	VERB
+to	PART
+ignore	VERB
+Indian	ADJ
+nationalism	NOUN
+,	PUNCT
+has	AUX
+not	PART
+struck	VERB
+the	DET
+conferees	NOUN
+,	PUNCT
+among	ADP
+whom	PRON
+have	AUX
+been	AUX
+several	ADJ
+Indian	ADJ
+"	PUNCT
+scholars	NOUN
+"	PUNCT
+and	CCONJ
+"	PUNCT
+analysts	NOUN
+"	PUNCT
+ready	ADJ
+to	PART
+say	VERB
+and	CCONJ
+endorse	VERB
+anything	PRON
+for	ADP
+the	DET
+sake	NOUN
+of	ADP
+a	DET
+free	ADJ
+trip	NOUN
+to	ADP
+New	PROPN
+York	PROPN
+or	CCONJ
+Vienna	PROPN
+.	PUNCT
+
+Despite	ADP
+many	ADJ
+wrinkles	NOUN
+,	PUNCT
+India	PROPN
+remains	VERB
+a	DET
+part	NOUN
+-	PUNCT
+democracy	NOUN
+and	CCONJ
+merely	ADV
+signing	VERB
+on	ADP
+to	ADP
+a	DET
+piece	NOUN
+of	ADP
+paper	NOUN
+that	PRON
+calls	VERB
+for	ADP
+an	DET
+independent	ADJ
+Kashmir	PROPN
+does	AUX
+not	PART
+get	VERB
+you	PRON
+into	ADP
+the	DET
+trouble	NOUN
+that	PRON
+writing	VERB
+an	DET
+op	NOUN
+-	PUNCT
+ed	NOUN
+piece	NOUN
+against	ADP
+Sonia	PROPN
+Gandhi	PROPN
+or	CCONJ
+Atal	PROPN
+Behari	PROPN
+Vajpayee	PROPN
+would	AUX
+instantly	ADV
+.	PUNCT
+
+It	PRON
+was	AUX
+the	DET
+business	NOUN
+community	NOUN
+in	ADP
+India	PROPN
+that	PRON
+stepped	VERB
+in	ADP
+after	SCONJ
+Vajpayee	PROPN
+indulged	VERB
+in	ADP
+an	DET
+empty	ADJ
+bout	NOUN
+of	ADP
+saber	NOUN
+rattling	NOUN
+in	ADP
+2002	NUM
+,	PUNCT
+pointing	VERB
+out	ADP
+that	SCONJ
+the	DET
+only	ADJ
+beneficiary	NOUN
+of	ADP
+the	DET
+mythical	ADJ
+perception	NOUN
+that	SCONJ
+war	NOUN
+--	PUNCT
+especially	ADV
+nuclear	ADJ
+war	NOUN
+--	PUNCT
+was	AUX
+around	ADP
+the	DET
+corner	NOUN
+in	ADP
+the	DET
+subcontinent	NOUN
+was	AUX
+China	PROPN
+.	PUNCT
+
+The	DET
+reason	NOUN
+for	ADP
+this	PRON
+is	VERB
+that	SCONJ
+India	PROPN
+is	AUX
+emerging	VERB
+as	ADP
+an	DET
+alternative	ADJ
+investment	NOUN
+destination	NOUN
+to	ADP
+China	PROPN
+,	PUNCT
+hence	ADV
+the	DET
+favor	NOUN
+that	PRON
+the	DET
+generals	NOUN
+in	ADP
+Islamabad	PROPN
+do	VERB
+to	ADP
+their	PRON
+trusty	ADJ
+supplier	NOUN
+of	ADP
+nukes	NOUN
+and	CCONJ
+missiles	NOUN
+by	SCONJ
+creating	VERB
+a	DET
+scare	NOUN
+about	ADP
+war	NOUN
+involving	VERB
+India	PROPN
+when	ADV
+in	ADP
+fact	NOUN
+the	DET
+real	ADJ
+flashpoints	NOUN
+are	AUX
+the	DET
+Taiwan	PROPN
+Straits	PROPN
+and	CCONJ
+North	PROPN
+Korea	PROPN
+.	PUNCT
+
+Since	ADP
+then	ADV
+,	PUNCT
+India	PROPN
+has	AUX
+talked	VERB
+peace	NOUN
+while	SCONJ
+always	ADV
+signaling	VERB
+that	SCONJ
+only	ADV
+the	DET
+status	NOUN
+quo	NOUN
+would	AUX
+be	AUX
+acceptable	ADJ
+as	ADP
+a	DET
+final	ADJ
+settlement	NOUN
+:	PUNCT
+a	DET
+line	NOUN
+of	ADP
+action	NOUN
+that	PRON
+is	AUX
+followed	VERB
+in	ADP
+the	DET
+case	NOUN
+of	ADP
+disputes	NOUN
+with	ADP
+China	PROPN
+as	ADV
+well	ADV
+.	PUNCT
+
+Unfortunately	ADV
+for	ADP
+those	PRON
+eager	ADJ
+to	PART
+indefinitely	ADV
+carry	VERB
+on	ADP
+with	ADP
+the	DET
+lucrative	ADJ
+business	NOUN
+of	ADP
+conflict	NOUN
+resolution	NOUN
+in	ADP
+South	PROPN
+Asia	PROPN
+,	PUNCT
+Pervez	PROPN
+Musharraf	PROPN
+has	AUX
+now	ADV
+called	VERB
+Colin	PROPN
+Powell	PROPN
+'s	PART
+bluff	NOUN
+,	PUNCT
+challenging	VERB
+him	PRON
+to	PART
+deliver	VERB
+on	ADP
+his	PRON
+frequent	ADJ
+statements	NOUN
+implying	VERB
+that	SCONJ
+the	DET
+Indians	PROPN
+jump	VERB
+to	ADP
+his	PRON
+commands	NOUN
+.	PUNCT
+
+Once	SCONJ
+the	DET
+Manmohan	PROPN
+Singh	PROPN
+government	NOUN
+shows	VERB
+that	SCONJ
+it	PRON
+has	VERB
+little	ADJ
+appetite	NOUN
+for	ADP
+suicide	NOUN
+,	PUNCT
+Musharraf	PROPN
+will	AUX
+face	VERB
+the	DET
+moment	NOUN
+of	ADP
+truth	NOUN
+:	PUNCT
+accept	VERB
+the	DET
+inevitable	ADJ
+,	PUNCT
+or	CCONJ
+once	ADV
+again	ADV
+ramp	VERB
+up	ADP
+the	DET
+insurgency	NOUN
+and	CCONJ
+spawn	VERB
+a	DET
+fresh	ADJ
+lot	NOUN
+of	ADP
+killers	NOUN
+that	PRON
+can	AUX
+hit	VERB
+not	ADV
+merely	ADV
+Mumbai	PROPN
+and	CCONJ
+New	PROPN
+Delhi	PROPN
+but	CCONJ
+London	PROPN
+and	CCONJ
+Chicago	PROPN
+as	ADV
+well	ADV
+.	PUNCT
+
+The	DET
+one	NUM
+country	NOUN
+that	PRON
+has	AUX
+shown	VERB
+that	SCONJ
+it	PRON
+understands	VERB
+the	DET
+realities	NOUN
+in	ADP
+South	PROPN
+Asia	PROPN
+is	AUX
+China	PROPN
+.	PUNCT
+
+Under	ADP
+President	PROPN
+Hu	PROPN
+Jintao	PROPN
+,	PUNCT
+Beijing	PROPN
+has	AUX
+opened	VERB
+out	ADP
+to	ADP
+New	PROPN
+Delhi	PROPN
+and	CCONJ
+Prime	PROPN
+Minister	PROPN
+Wen	PROPN
+Jiabao	PROPN
+is	AUX
+expected	VERB
+to	PART
+visit	VERB
+early	ADV
+next	ADJ
+year	NOUN
+,	PUNCT
+making	VERB
+friends	NOUN
+by	SCONJ
+formally	ADV
+accepting	VERB
+Sikkim	PROPN
+as	ADP
+part	NOUN
+of	ADP
+India	PROPN
+and	CCONJ
+backing	VERB
+India	PROPN
+as	ADP
+a	DET
+permanent	ADJ
+member	NOUN
+of	ADP
+the	DET
+U.N.	PROPN
+Security	PROPN
+Council	PROPN
+--	PUNCT
+thus	ADV
+leaving	VERB
+Washington	PROPN
+as	ADP
+the	DET
+only	ADJ
+one	NOUN
+of	ADP
+the	DET
+"	PUNCT
+permanent	ADJ
+five	NUM
+"	PUNCT
+that	PRON
+has	AUX
+not	PART
+yet	ADV
+done	VERB
+so	ADV
+.	PUNCT
+
+With	SCONJ
+Colin	PROPN
+Powell	PROPN
+around	ADV
+,	PUNCT
+the	DET
+U.S.	PROPN
+has	VERB
+no	DET
+need	NOUN
+of	ADP
+an	DET
+Osama	PROPN
+bin	PROPN
+Laden	PROPN
+
+M.D.	PROPN
+Nalapat	PROPN
+,	PUNCT
+an	DET
+expert	NOUN
+on	ADP
+jihad	NOUN
+,	PUNCT
+is	AUX
+professor	NOUN
+of	ADP
+geopolitics	NOUN
+at	ADP
+the	DET
+Manipal	PROPN
+Academy	PROPN
+of	ADP
+Higher	PROPN
+Education	PROPN
+,	PUNCT
+India	PROPN
+.	PUNCT
+
+Washington	PROPN
+Times	PROPN
+28/10/2004	NUM
+
+Ok	INTJ
+.	PUNCT
+
+We	PRON
+all	DET
+know	VERB
+that	SCONJ
+John	PROPN
+Kerry	PROPN
+served	VERB
+in	ADP
+Vietnam	PROPN
+.	PUNCT
+
+Four	NUM
+whole	ADJ
+months	NOUN
+,	PUNCT
+after	ADP
+which	PRON
+he	PRON
+took	VERB
+advantage	NOUN
+of	ADP
+a	DET
+little	ADV
+-	PUNCT
+known	VERB
+,	PUNCT
+little	ADV
+-	PUNCT
+invoked	VERB
+regulation	NOUN
+that	PRON
+allowed	VERB
+him	PRON
+to	PART
+desert	VERB
+his	PRON
+"	PUNCT
+band	NOUN
+of	ADP
+brothers	NOUN
+"	PUNCT
+.	PUNCT
+
+We	PRON
+also	ADV
+know	VERB
+how	ADV
+Dan	PROPN
+Rather	PROPN
+libeled	VERB
+George	PROPN
+Bush	PROPN
+and	CCONJ
+impugned	VERB
+his	PRON
+service	NOUN
+in	ADP
+the	DET
+Texas	PROPN
+Air	PROPN
+National	PROPN
+Guard	PROPN
+on	ADP
+a	DET
+"	PUNCT
+60	NUM
+Minutes	PROPN
+II	NUM
+"	PUNCT
+report	NOUN
+based	VERB
+largely	ADV
+on	ADP
+forged	VERB
+documents	NOUN
+.	PUNCT
+
+During	ADP
+his	PRON
+time	NOUN
+in	ADP
+the	DET
+Guard	PROPN
+,	PUNCT
+George	PROPN
+Bush	PROPN
+flew	VERB
+the	DET
+F	PROPN
+-	PUNCT
+102	NUM
+Delta	PROPN
+Dagger	PROPN
+fighter	NOUN
+-	PUNCT
+interceptor	NOUN
+.	PUNCT
+
+The	DET
+F	PROPN
+-	PUNCT
+102	NUM
+saw	VERB
+service	NOUN
+in	ADP
+the	DET
+Vietnam	PROPN
+theater	NOUN
+between	ADP
+March	PROPN
+1962	NUM
+and	CCONJ
+December	PROPN
+1969	NUM
+.	PUNCT
+
+During	ADP
+this	DET
+time	NOUN
+,	PUNCT
+F	PROPN
+-	PUNCT
+102	NUM
+squadrons	NOUN
+were	AUX
+based	VERB
+out	ADP
+of	ADP
+Tan	PROPN
+Son	PROPN
+Nhut	PROPN
+,	PUNCT
+Da	PROPN
+Nang	PROPN
+and	CCONJ
+Bien	PROPN
+Hoa	PROPN
+in	ADP
+Vietnam	PROPN
+,	PUNCT
+and	CCONJ
+Udorn	PROPN
+and	CCONJ
+Don	PROPN
+Muang	PROPN
+in	ADP
+Thailand	PROPN
+.	PUNCT
+
+(	PUNCT
+Click	VERB
+here	ADV
+for	ADP
+source	NOUN
+.	PUNCT
+)	PUNCT
+
+As	ADV
+far	ADV
+as	SCONJ
+George	PROPN
+Bush	PROPN
+knew	VERB
+,	PUNCT
+he	PRON
+and	CCONJ
+his	PRON
+unit	NOUN
+could	AUX
+have	AUX
+been	AUX
+transferred	VERB
+to	ADP
+Vietnam	PROPN
+.	PUNCT
+
+In	ADP
+all	DET
+this	DET
+so	ADV
+-	PUNCT
+called	VERB
+controversy	NOUN
+,	PUNCT
+has	AUX
+anyone	PRON
+considered	VERB
+that	SCONJ
+perhaps	ADV
+George	PROPN
+Bush	PROPN
+just	ADV
+wanted	VERB
+to	PART
+fly	VERB
+jets	NOUN
+?	PUNCT
+
+And	CCONJ
+,	PUNCT
+let	VERB
+'s	PRON
+remember	VERB
+,	PUNCT
+flying	VERB
+supersonic	ADJ
+fighter	NOUN
+jets	NOUN
+is	AUX
+dangerous	ADJ
+!	PUNCT
+
+They	PRON
+do	AUX
+n't	PART
+let	VERB
+just	ADV
+anybody	PRON
+do	VERB
+it	PRON
+.	PUNCT
+
+Some	DET
+reporters	NOUN
+(	PUNCT
+you	PRON
+know	VERB
+,	PUNCT
+the	DET
+ones	NOUN
+with	ADP
+journalistic	ADJ
+ethics	NOUN
+)	PUNCT
+have	AUX
+actually	ADV
+uncovered	VERB
+the	DET
+truth	NOUN
+about	ADP
+George	PROPN
+Bush	PROPN
+'s	PART
+service	NOUN
+in	ADP
+the	DET
+Texas	PROPN
+Air	PROPN
+National	PROPN
+Guard	PROPN
+.	PUNCT
+
+For	ADP
+example	NOUN
+,	PUNCT
+did	AUX
+you	PRON
+know	VERB
+that	SCONJ
+George	PROPN
+Bush	PROPN
+spent	VERB
+considerably	ADV
+more	ADJ
+time	NOUN
+in	ADP
+uniform	NOUN
+than	ADP
+John	PROPN
+Kerry	PROPN
+?	PUNCT
+
+What	PRON
+follows	VERB
+is	AUX
+the	DET
+text	NOUN
+of	ADP
+an	DET
+e-mail	NOUN
+sent	VERB
+to	ADP
+me	PRON
+by	ADP
+a	DET
+friend	NOUN
+of	ADP
+mine	PRON
+(	PUNCT
+thanks	NOUN
+to	ADP
+Dave	PROPN
+Manzano	PROPN
+)	PUNCT
+.	PUNCT
+
+Read	VERB
+on	ADV
+to	PART
+learn	VERB
+the	DET
+facts	NOUN
+.	PUNCT
+
+---------	PUNCT
+
+Bush	PROPN
+’s	PART
+National	PROPN
+Guard	PROPN
+years	NOUN
+
+Before	SCONJ
+you	PRON
+fall	VERB
+for	ADP
+Dems	PROPN
+’	PART
+spin	NOUN
+,	PUNCT
+here	ADV
+are	AUX
+the	DET
+facts	NOUN
+
+What	PRON
+do	AUX
+you	PRON
+really	ADV
+know	VERB
+about	ADP
+George	PROPN
+W.	PROPN
+Bush	PROPN
+’s	PART
+time	NOUN
+in	ADP
+the	DET
+Air	PROPN
+National	PROPN
+Guard	PROPN
+?	PUNCT
+
+That	SCONJ
+he	PRON
+did	AUX
+n’t	PART
+show	VERB
+up	ADP
+for	ADP
+duty	NOUN
+in	ADP
+Alabama	PROPN
+?	PUNCT
+
+That	SCONJ
+he	PRON
+missed	VERB
+a	DET
+physical	NOUN
+?	PUNCT
+
+That	SCONJ
+his	PRON
+daddy	NOUN
+got	VERB
+him	PRON
+in	ADV
+?	PUNCT
+
+News	NOUN
+coverage	NOUN
+of	ADP
+the	DET
+president	PROPN
+’s	PART
+years	NOUN
+in	ADP
+the	DET
+Guard	PROPN
+has	AUX
+tended	VERB
+to	PART
+focus	VERB
+on	ADP
+one	NUM
+brief	ADJ
+portion	NOUN
+of	ADP
+that	DET
+time	NOUN
+—	PUNCT
+to	ADP
+the	DET
+exclusion	NOUN
+of	ADP
+virtually	ADV
+everything	PRON
+else	ADJ
+.	PUNCT
+
+So	ADV
+just	ADV
+for	ADP
+the	DET
+record	NOUN
+,	PUNCT
+here	ADV
+,	PUNCT
+in	ADP
+full	ADJ
+,	PUNCT
+is	AUX
+what	PRON
+Bush	PROPN
+did	VERB
+:	PUNCT
+
+The	DET
+future	ADJ
+president	NOUN
+joined	VERB
+the	DET
+Guard	PROPN
+in	ADP
+May	PROPN
+1968	NUM
+.	PUNCT
+
+Almost	ADV
+immediately	ADV
+,	PUNCT
+he	PRON
+began	VERB
+an	DET
+extended	ADJ
+period	NOUN
+of	ADP
+training	NOUN
+.	PUNCT
+
+Six	NUM
+weeks	NOUN
+of	ADP
+basic	ADJ
+training	NOUN
+.	PUNCT
+
+Fifty	NUM
+-	PUNCT
+three	NUM
+weeks	NOUN
+of	ADP
+flight	NOUN
+training	NOUN
+.	PUNCT
+
+Twenty	NUM
+-	PUNCT
+one	NUM
+weeks	NOUN
+of	ADP
+fighter	NOUN
+-	PUNCT
+interceptor	NOUN
+training	NOUN
+.	PUNCT
+
+That	PRON
+was	AUX
+80	NUM
+weeks	NOUN
+to	PART
+begin	VERB
+with	ADP
+,	PUNCT
+and	CCONJ
+there	PRON
+were	VERB
+other	ADJ
+training	NOUN
+periods	NOUN
+thrown	VERB
+in	ADV
+as	ADV
+well	ADV
+.	PUNCT
+
+It	PRON
+was	AUX
+full	ADJ
+-	PUNCT
+time	NOUN
+work	NOUN
+.	PUNCT
+
+By	ADP
+the	DET
+time	NOUN
+it	PRON
+was	AUX
+over	ADV
+,	PUNCT
+Bush	PROPN
+had	AUX
+served	VERB
+nearly	ADV
+two	NUM
+years	NOUN
+.	PUNCT
+
+Not	ADV
+two	NUM
+years	NOUN
+of	ADP
+weekends	NOUN
+.	PUNCT
+
+Two	NUM
+years	NOUN
+.	PUNCT
+
+After	ADP
+training	NOUN
+,	PUNCT
+Bush	PROPN
+kept	VERB
+flying	VERB
+,	PUNCT
+racking	VERB
+up	ADP
+hundreds	NOUN
+of	ADP
+hours	NOUN
+in	ADP
+F	PROPN
+-	PUNCT
+102	NUM
+jets	NOUN
+.	PUNCT
+
+As	SCONJ
+he	PRON
+did	VERB
+,	PUNCT
+he	PRON
+accumulated	VERB
+points	NOUN
+toward	ADP
+his	PRON
+National	PROPN
+Guard	PROPN
+service	NOUN
+requirements	NOUN
+.	PUNCT
+
+At	ADP
+the	DET
+time	NOUN
+,	PUNCT
+guardsmen	NOUN
+were	AUX
+required	VERB
+to	PART
+accumulate	VERB
+a	DET
+minimum	NOUN
+of	ADP
+50	NUM
+points	NOUN
+to	PART
+meet	VERB
+their	PRON
+yearly	ADJ
+obligation	NOUN
+.	PUNCT
+
+According	VERB
+to	ADP
+records	NOUN
+released	VERB
+earlier	ADV
+this	DET
+year	NOUN
+,	PUNCT
+Bush	PROPN
+earned	VERB
+253	NUM
+points	NOUN
+in	ADP
+his	PRON
+first	ADJ
+year	NOUN
+,	PUNCT
+May	PROPN
+1968	NUM
+to	ADP
+May	PROPN
+1969	NUM
+(	PUNCT
+since	SCONJ
+he	PRON
+joined	VERB
+in	ADP
+May	PROPN
+1968	NUM
+,	PUNCT
+his	PRON
+service	NOUN
+thereafter	ADV
+was	AUX
+measured	VERB
+on	ADP
+a	DET
+May	PROPN
+-	PUNCT
+to	ADP
+-	PUNCT
+May	PROPN
+basis	NOUN
+)	PUNCT
+.	PUNCT
+
+Bush	PROPN
+earned	VERB
+340	NUM
+points	NOUN
+in	ADP
+1969	NUM
+-	SYM
+1970	NUM
+.	PUNCT
+
+[	PUNCT
+In	ADP
+other	ADJ
+words	NOUN
+,	PUNCT
+Bush	PROPN
+earned	VERB
+enough	ADJ
+points	NOUN
+to	PART
+satisfy	VERB
+the	DET
+requirements	NOUN
+for	ADP
+his	PRON
+entire	ADJ
+six	NUM
+year	NOUN
+hitch	NOUN
+in	ADP
+1969	NUM
+-	SYM
+1970	NUM
+alone	ADV
+.	PUNCT
+
+-	PUNCT
+acd	PROPN
+]	PUNCT
+
+He	PRON
+earned	VERB
+137	NUM
+points	NOUN
+in	ADP
+1970	NUM
+-	SYM
+1971	NUM
+.	PUNCT
+
+And	CCONJ
+he	PRON
+earned	VERB
+112	NUM
+points	NOUN
+in	ADP
+1971	NUM
+-	SYM
+1972	NUM
+.	PUNCT
+
+The	DET
+numbers	NOUN
+indicate	VERB
+that	SCONJ
+in	ADP
+his	PRON
+first	ADJ
+four	NUM
+years	NOUN
+,	PUNCT
+Bush	PROPN
+not	PART
+only	ADV
+showed	VERB
+up	ADP
+,	PUNCT
+he	PRON
+showed	VERB
+up	ADP
+a	DET
+lot	NOUN
+.	PUNCT
+
+Did	AUX
+you	PRON
+know	VERB
+that	PRON
+?	PUNCT
+
+That	PRON
+brings	VERB
+the	DET
+story	NOUN
+to	ADP
+May	PROPN
+1972	NUM
+—	PUNCT
+the	DET
+time	NOUN
+that	PRON
+has	AUX
+been	AUX
+the	DET
+focus	NOUN
+of	ADP
+so	ADV
+many	ADJ
+news	NOUN
+reports	NOUN
+—	PUNCT
+when	ADV
+Bush	PROPN
+“	PUNCT
+deserted	VERB
+”	PUNCT
+(	PUNCT
+according	VERB
+to	ADP
+anti-Bush	ADJ
+filmmaker	NOUN
+Michael	PROPN
+Moore	PROPN
+)	PUNCT
+or	CCONJ
+went	VERB
+“	PUNCT
+AWOL	ADJ
+”	PUNCT
+(	PUNCT
+according	VERB
+to	ADP
+Terry	PROPN
+McAuliffe	PROPN
+,	PUNCT
+chairman	NOUN
+of	ADP
+the	DET
+Democratic	PROPN
+National	PROPN
+Committee	PROPN
+)	PUNCT
+.	PUNCT
+
+Bush	PROPN
+asked	VERB
+for	ADP
+permission	NOUN
+to	PART
+go	VERB
+to	ADP
+Alabama	PROPN
+to	PART
+work	VERB
+on	ADP
+a	DET
+Senate	PROPN
+campaign	NOUN
+.	PUNCT
+
+His	PRON
+superior	ADJ
+officers	NOUN
+said	VERB
+OK	INTJ
+.	PUNCT
+
+Requests	NOUN
+like	ADP
+that	PRON
+were	AUX
+n’t	PART
+unusual	ADJ
+,	PUNCT
+says	VERB
+retired	VERB
+Col.	PROPN
+William	PROPN
+Campenni	PROPN
+,	PUNCT
+who	PRON
+flew	VERB
+with	ADP
+Bush	PROPN
+in	ADP
+1970	NUM
+and	CCONJ
+1971	NUM
+.	PUNCT
+
+“	PUNCT
+In	ADP
+1972	NUM
+,	PUNCT
+there	PRON
+was	VERB
+an	DET
+enormous	ADJ
+glut	NOUN
+of	ADP
+pilots	NOUN
+,	PUNCT
+”	PUNCT
+Campenni	PROPN
+says	VERB
+.	PUNCT
+
+“	PUNCT
+The	DET
+Vietnam	PROPN
+War	PROPN
+was	AUX
+winding	VERB
+down	ADP
+,	PUNCT
+and	CCONJ
+the	DET
+Air	PROPN
+Force	PROPN
+was	AUX
+putting	VERB
+pilots	NOUN
+in	ADP
+desk	NOUN
+jobs	NOUN
+.	PUNCT
+
+In	ADP
+’72	NUM
+or	CCONJ
+’73	NUM
+,	PUNCT
+if	SCONJ
+you	PRON
+were	AUX
+a	DET
+pilot	NOUN
+,	PUNCT
+active	ADJ
+or	CCONJ
+Guard	PROPN
+,	PUNCT
+and	CCONJ
+you	PRON
+had	VERB
+an	DET
+obligation	NOUN
+and	CCONJ
+wanted	VERB
+to	PART
+get	VERB
+out	ADV
+,	PUNCT
+no	DET
+problem	NOUN
+.	PUNCT
+
+In	ADP
+fact	NOUN
+,	PUNCT
+you	PRON
+were	AUX
+helping	VERB
+them	PRON
+solve	VERB
+their	PRON
+problem	NOUN
+.	PUNCT
+”	PUNCT
+
+So	ADV
+Bush	PROPN
+stopped	VERB
+flying	VERB
+.	PUNCT
+
+From	ADP
+May	PROPN
+1972	NUM
+to	ADP
+May	PROPN
+1973	NUM
+,	PUNCT
+he	PRON
+earned	VERB
+just	ADV
+56	NUM
+points	NOUN
+—	PUNCT
+not	ADV
+much	ADJ
+,	PUNCT
+but	CCONJ
+enough	ADJ
+to	PART
+meet	VERB
+his	PRON
+requirement	NOUN
+.	PUNCT
+
+Then	ADV
+,	PUNCT
+in	ADP
+1973	NUM
+,	PUNCT
+as	SCONJ
+Bush	PROPN
+made	VERB
+plans	NOUN
+to	PART
+leave	VERB
+the	DET
+Guard	PROPN
+and	CCONJ
+go	VERB
+to	ADP
+Harvard	PROPN
+Business	PROPN
+School	PROPN
+,	PUNCT
+he	PRON
+again	ADV
+started	VERB
+showing	VERB
+up	ADP
+frequently	ADV
+.	PUNCT
+
+In	ADP
+June	PROPN
+and	CCONJ
+July	PROPN
+of	ADP
+1973	NUM
+,	PUNCT
+he	PRON
+accumulated	VERB
+56	NUM
+points	NOUN
+,	PUNCT
+enough	ADJ
+to	PART
+meet	VERB
+the	DET
+minimum	NOUN
+requirement	NOUN
+for	ADP
+the	DET
+1973	NUM
+-	SYM
+1974	NUM
+year	NOUN
+.	PUNCT
+
+Then	ADV
+,	PUNCT
+at	ADP
+his	PRON
+request	NOUN
+,	PUNCT
+he	PRON
+was	AUX
+given	VERB
+permission	NOUN
+to	PART
+go	VERB
+.	PUNCT
+
+Bush	PROPN
+received	VERB
+an	DET
+honorable	ADJ
+discharge	NOUN
+after	SCONJ
+serving	VERB
+five	NUM
+years	NOUN
+,	PUNCT
+four	NUM
+months	NOUN
+and	CCONJ
+five	NUM
+days	NOUN
+of	ADP
+his	PRON
+original	ADJ
+six	NUM
+-	PUNCT
+year	NOUN
+commitment	NOUN
+.	PUNCT
+
+By	ADP
+that	DET
+time	NOUN
+,	PUNCT
+however	ADV
+,	PUNCT
+he	PRON
+had	AUX
+accumulated	VERB
+enough	ADJ
+points	NOUN
+in	ADP
+each	DET
+year	NOUN
+to	PART
+cover	VERB
+six	NUM
+years	NOUN
+of	ADP
+service	NOUN
+.	PUNCT
+
+During	ADP
+his	PRON
+service	NOUN
+,	PUNCT
+Bush	PROPN
+received	VERB
+high	ADJ
+marks	NOUN
+as	ADP
+a	DET
+pilot	NOUN
+.	PUNCT
+
+A	DET
+1970	NUM
+evaluation	NOUN
+said	VERB
+Bush	PROPN
+“	PUNCT
+clearly	ADV
+stands	VERB
+out	ADP
+as	ADP
+a	DET
+top	ADJ
+notch	NOUN
+fighter	NOUN
+interceptor	NOUN
+pilot	NOUN
+”	PUNCT
+and	CCONJ
+was	AUX
+“	PUNCT
+a	DET
+natural	ADJ
+leader	NOUN
+whom	PRON
+his	PRON
+contemporaries	NOUN
+look	VERB
+to	ADP
+for	ADP
+leadership	NOUN
+.	PUNCT
+”	PUNCT
+
+A	DET
+1971	NUM
+evaluation	NOUN
+called	VERB
+Bush	PROPN
+“	PUNCT
+an	DET
+exceptionally	ADV
+fine	ADJ
+young	ADJ
+officer	NOUN
+and	CCONJ
+pilot	NOUN
+”	PUNCT
+who	PRON
+“	PUNCT
+continually	ADV
+flies	VERB
+intercept	NOUN
+missions	NOUN
+with	ADP
+the	DET
+unit	NOUN
+to	PART
+increase	VERB
+his	PRON
+proficiency	NOUN
+even	ADV
+further	ADV
+.	PUNCT
+”	PUNCT
+
+And	CCONJ
+a	DET
+1972	NUM
+evaluation	NOUN
+called	VERB
+Bush	PROPN
+“	PUNCT
+an	DET
+exceptional	ADJ
+fighter	NOUN
+interceptor	NOUN
+pilot	NOUN
+and	CCONJ
+officer	NOUN
+.	PUNCT
+”	PUNCT
+
+Now	ADV
+,	PUNCT
+it	PRON
+is	AUX
+only	ADV
+natural	ADJ
+that	SCONJ
+news	NOUN
+reports	NOUN
+questioning	VERB
+Bush	PROPN
+’s	PART
+service	NOUN
+—	PUNCT
+in	ADP
+The	DET
+Boston	PROPN
+Globe	PROPN
+and	CCONJ
+The	DET
+New	PROPN
+York	PROPN
+Times	PROPN
+,	PUNCT
+on	ADP
+CBS	PROPN
+and	CCONJ
+in	ADP
+other	ADJ
+outlets	NOUN
+—	PUNCT
+would	AUX
+come	VERB
+out	ADV
+now	ADV
+.	PUNCT
+
+Democrats	PROPN
+are	AUX
+spitting	ADV
+mad	ADJ
+over	ADP
+attacks	NOUN
+on	ADP
+John	PROPN
+Kerry	PROPN
+’s	PART
+record	NOUN
+by	ADP
+the	DET
+group	NOUN
+Swift	PROPN
+Boat	PROPN
+Veterans	PROPN
+for	ADP
+Truth	PROPN
+.	PUNCT
+
+And	CCONJ
+,	PUNCT
+as	SCONJ
+it	PRON
+is	VERB
+with	ADP
+Kerry	PROPN
+,	PUNCT
+it	PRON
+’s	AUX
+reasonable	ADJ
+to	PART
+look	VERB
+at	ADP
+a	DET
+candidate	NOUN
+’s	PART
+entire	ADJ
+record	NOUN
+,	PUNCT
+including	VERB
+his	PRON
+military	ADJ
+service	NOUN
+—	PUNCT
+or	CCONJ
+lack	NOUN
+of	ADP
+it	PRON
+.	PUNCT
+
+Voters	NOUN
+are	AUX
+perfectly	ADV
+able	ADJ
+to	PART
+decide	VERB
+whether	SCONJ
+it	PRON
+’s	AUX
+important	ADJ
+or	CCONJ
+not	PART
+in	ADP
+November	PROPN
+.	PUNCT
+
+The	DET
+Kerry	PROPN
+camp	NOUN
+blames	VERB
+Bush	PROPN
+for	ADP
+the	DET
+Swift	PROPN
+boat	PROPN
+veterans	PROPN
+’	PART
+attack	NOUN
+,	PUNCT
+but	CCONJ
+anyone	PRON
+who	PRON
+has	AUX
+spent	VERB
+much	ADJ
+time	NOUN
+talking	VERB
+to	ADP
+the	DET
+Swifties	PROPN
+gets	VERB
+the	DET
+sense	NOUN
+that	SCONJ
+they	PRON
+are	AUX
+doing	VERB
+it	PRON
+entirely	ADV
+for	ADP
+their	PRON
+own	ADJ
+reasons	NOUN
+.	PUNCT
+
+And	CCONJ
+it	PRON
+should	AUX
+be	AUX
+noted	VERB
+in	ADP
+passing	NOUN
+that	SCONJ
+Kerry	PROPN
+has	AUX
+personally	ADV
+questioned	VERB
+Bush	PROPN
+’s	PART
+service	NOUN
+,	PUNCT
+while	SCONJ
+Bush	PROPN
+has	AUX
+not	PART
+personally	ADV
+questioned	VERB
+Kerry	PROPN
+’s	PART
+.	PUNCT
+
+In	ADP
+April	PROPN
+—	PUNCT
+before	SCONJ
+the	DET
+Swift	PROPN
+boat	PROPN
+veterans	PROPN
+had	AUX
+said	VERB
+a	DET
+word	NOUN
+—	PUNCT
+Kerry	PROPN
+said	VERB
+Bush	PROPN
+“	PUNCT
+has	VERB
+yet	ADV
+to	PART
+explain	VERB
+to	ADP
+America	PROPN
+whether	SCONJ
+or	CCONJ
+not	ADV
+,	PUNCT
+and	CCONJ
+tell	VERB
+the	DET
+truth	NOUN
+,	PUNCT
+about	SCONJ
+whether	SCONJ
+he	PRON
+showed	VERB
+up	ADP
+for	ADP
+duty	NOUN
+.	PUNCT
+”	PUNCT
+
+Earlier	ADV
+,	PUNCT
+Kerry	PROPN
+said	VERB
+,	PUNCT
+“	PUNCT
+Just	ADV
+because	SCONJ
+you	PRON
+get	VERB
+an	DET
+honorable	ADJ
+discharge	NOUN
+does	AUX
+not	PART
+,	PUNCT
+in	ADP
+fact	NOUN
+,	PUNCT
+answer	VERB
+that	DET
+question	NOUN
+.	PUNCT
+”	PUNCT
+
+Now	ADV
+,	PUNCT
+after	ADP
+the	DET
+Swift	PROPN
+boat	PROPN
+episode	NOUN
+,	PUNCT
+the	DET
+spotlight	NOUN
+has	AUX
+returned	VERB
+to	ADP
+Bush	PROPN
+.	PUNCT
+
+That	PRON
+’s	AUX
+fine	ADJ
+.	PUNCT
+
+We	PRON
+should	AUX
+know	VERB
+as	ADV
+much	ADJ
+as	SCONJ
+we	PRON
+can	AUX
+.	PUNCT
+
+And	CCONJ
+perhaps	ADV
+someday	NOUN
+Kerry	PROPN
+will	AUX
+release	VERB
+more	ADJ
+of	ADP
+his	PRON
+military	ADJ
+records	NOUN
+as	ADV
+well	ADV
+.	PUNCT
+
+Byron	PROPN
+York	PROPN
+is	AUX
+a	DET
+White	PROPN
+House	PROPN
+correspondent	NOUN
+for	ADP
+National	PROPN
+Review	PROPN
+.	PUNCT
+
+His	PRON
+column	NOUN
+appears	VERB
+in	ADP
+The	DET
+Hill	PROPN
+each	DET
+week	NOUN
+.	PUNCT
+
+One	NUM
+week	NOUN
+to	ADP
+elections	NOUN
+day	NOUN
+and	CCONJ
+the	DET
+general	ADJ
+atmosphere	NOUN
+in	ADP
+the	DET
+capital	NOUN
+is	AUX
+eerie	ADJ
+,	PUNCT
+yet	CCONJ
+strikingly	ADV
+familiar	ADJ
+.	PUNCT
+
+I	PRON
+suspect	VERB
+the	DET
+streets	NOUN
+of	ADP
+Baghdad	PROPN
+will	AUX
+look	VERB
+as	SCONJ
+if	SCONJ
+a	DET
+war	NOUN
+is	AUX
+looming	VERB
+this	DET
+week	NOUN
+.	PUNCT
+
+There	PRON
+is	VERB
+no	DET
+doubt	NOUN
+that	SCONJ
+many	ADJ
+Iraqis	PROPN
+regard	VERB
+the	DET
+date	NOUN
+of	ADP
+30	NUM
+January	PROPN
+as	ADP
+a	DET
+day	NOUN
+of	ADP
+renewed	VERB
+hope	NOUN
+,	PUNCT
+one	NUM
+they	PRON
+have	AUX
+been	AUX
+awaiting	VERB
+all	DET
+their	PRON
+lives	NOUN
+,	PUNCT
+but	CCONJ
+at	ADP
+the	DET
+same	ADJ
+time	NOUN
+,	PUNCT
+many	ADJ
+others	NOUN
+are	AUX
+already	ADV
+dreading	VERB
+it	PRON
+.	PUNCT
+
+The	DET
+interim	ADJ
+government	NOUN
+has	AUX
+promised	VERB
+security	NOUN
+measures	NOUN
+that	PRON
+would	AUX
+reduce	VERB
+the	DET
+violence	NOUN
+on	ADP
+the	DET
+day	NOUN
+of	ADP
+elections	NOUN
+,	PUNCT
+but	CCONJ
+I	PRON
+fail	VERB
+to	PART
+see	VERB
+how	ADV
+they	PRON
+will	AUX
+be	AUX
+able	ADJ
+to	PART
+protect	VERB
+all	DET
+5,000	NUM
+(	PUNCT
+or	CCONJ
+so	ADV
+)	PUNCT
+balloting	NOUN
+centres	NOUN
+.	PUNCT
+
+Many	ADJ
+voting	NOUN
+centres	NOUN
+have	AUX
+already	ADV
+been	AUX
+successfully	ADV
+attacked	VERB
+or	CCONJ
+destroyed	VERB
+in	ADP
+many	ADJ
+areas	NOUN
+.	PUNCT
+
+Now	ADV
+that	SCONJ
+the	DET
+picture	NOUN
+is	AUX
+clear	ADJ
+,	PUNCT
+the	DET
+two	NUM
+main	ADJ
+competing	VERB
+lists	NOUN
+seem	VERB
+to	PART
+be	AUX
+the	DET
+United	PROPN
+Iraqi	PROPN
+Coalition	PROPN
+list	NOUN
+and	CCONJ
+Allawi	PROPN
+'s	PART
+Al	PROPN
+-	PUNCT
+Iraqiya	PROPN
+list	NOUN
+.	PUNCT
+
+Ayad	PROPN
+Allawi	PROPN
+,	PUNCT
+and	CCONJ
+other	ADJ
+ministers	NOUN
+running	VERB
+on	ADP
+his	PRON
+list	NOUN
+,	PUNCT
+have	AUX
+quite	ADV
+expectedly	ADV
+used	VERB
+their	PRON
+governmental	ADJ
+positions	NOUN
+in	ADP
+campaigning	NOUN
+.	PUNCT
+
+One	NUM
+minister	NOUN
+reportedly	ADV
+handed	VERB
+out	ADP
+100	NUM
+dollar	NOUN
+'	PUNCT
+gifts	NOUN
+'	PUNCT
+to	ADP
+journalists	NOUN
+attending	VERB
+a	DET
+press	NOUN
+conference	NOUN
+for	ADP
+Allawi	PROPN
+,	PUNCT
+a	DET
+practice	NOUN
+that	PRON
+brings	VERB
+back	ADV
+bad	ADJ
+memories	NOUN
+to	ADP
+many	ADJ
+Iraqis	PROPN
+.	PUNCT
+
+Sheikh	PROPN
+Naji	PROPN
+Al	PROPN
+-	PUNCT
+Abbudi	PROPN
+,	PUNCT
+a	DET
+spokesman	NOUN
+for	ADP
+Sistani	PROPN
+,	PUNCT
+affirmed	VERB
+the	DET
+claims	NOUN
+that	SCONJ
+the	DET
+Grand	PROPN
+Ayatollah	PROPN
+is	AUX
+backing	VERB
+the	DET
+United	PROPN
+Iraqi	PROPN
+Coalition	PROPN
+list	NOUN
+.	PUNCT
+
+Indeed	ADV
+,	PUNCT
+Sistani	PROPN
+'s	PART
+agents	NOUN
+all	ADV
+over	ADP
+the	DET
+country	NOUN
+have	AUX
+been	AUX
+quite	ADV
+active	ADJ
+in	SCONJ
+educating	VERB
+Iraqi	ADJ
+Shia	PROPN
+on	ADP
+the	DET
+merits	NOUN
+of	ADP
+elections	NOUN
+,	PUNCT
+which	PRON
+has	AUX
+led	VERB
+to	ADP
+the	DET
+assassination	NOUN
+of	ADP
+at	ADV
+least	ADV
+two	NUM
+of	ADP
+them	PRON
+.	PUNCT
+
+Al	PROPN
+-	PUNCT
+Abbudi	PROPN
+stated	VERB
+that	SCONJ
+"	PUNCT
+His	PRON
+Emminence	PROPN
+"	PUNCT
+decided	VERB
+to	PART
+openly	ADV
+support	VERB
+the	DET
+list	NOUN
+because	SCONJ
+"	PUNCT
+others	NOUN
+"	PUNCT
+(	PUNCT
+obviously	ADV
+a	DET
+reference	NOUN
+to	ADP
+Allawi	PROPN
+)	PUNCT
+have	AUX
+been	AUX
+abusing	VERB
+official	ADJ
+state	NOUN
+positions	NOUN
+and	CCONJ
+media	NOUN
+outlets	NOUN
+in	ADP
+their	PRON
+campaigning	NOUN
+.	PUNCT
+
+Again	ADV
+there	PRON
+is	VERB
+no	DET
+official	ADJ
+written	VERB
+statement	NOUN
+from	ADP
+Sistani	PROPN
+'s	PART
+office	NOUN
+confirming	VERB
+this	DET
+allegation	NOUN
+,	PUNCT
+which	PRON
+I	PRON
+think	VERB
+is	AUX
+intentional	ADJ
+.	PUNCT
+
+Ahmed	PROPN
+Al	PROPN
+-	PUNCT
+Chalabi	PROPN
+and	CCONJ
+defense	NOUN
+minister	NOUN
+Hazim	PROPN
+Al	PROPN
+-	PUNCT
+Sha'lan	PROPN
+have	AUX
+been	AUX
+engaging	VERB
+in	ADP
+shrill	ADJ
+public	ADJ
+attacks	NOUN
+over	ADP
+the	DET
+media	NOUN
+.	PUNCT
+
+Chalabi	PROPN
+describing	VERB
+Sha'lan	PROPN
+as	ADP
+a	DET
+"	PUNCT
+Ba'athist	PROPN
+"	PUNCT
+and	CCONJ
+a	DET
+"	PUNCT
+former	ADJ
+double	ADJ
+agent	NOUN
+for	ADP
+Saddam	PROPN
+and	CCONJ
+the	DET
+CIA	PROPN
+"	PUNCT
+,	PUNCT
+while	SCONJ
+Sha'lan	PROPN
+dismisses	VERB
+Chalabi	PROPN
+as	ADP
+a	DET
+"	PUNCT
+thief	NOUN
+"	PUNCT
+and	CCONJ
+an	DET
+"	PUNCT
+Iranian	ADJ
+stooge	NOUN
+who	PRON
+longs	VERB
+for	ADP
+his	PRON
+own	ADJ
+origins	NOUN
+by	SCONJ
+defending	VERB
+Iran	PROPN
+"	PUNCT
+.	PUNCT
+
+One	NUM
+remark	NOUN
+made	VERB
+by	ADP
+Sha'lan	PROPN
+on	ADP
+Al	PROPN
+-	PUNCT
+Arabiya	PROPN
+TV	PROPN
+,	PUNCT
+that	SCONJ
+he	PRON
+could	AUX
+n't	PART
+say	VERB
+more	ADJ
+about	ADP
+Chalabi	PROPN
+because	SCONJ
+he	PRON
+would	AUX
+embarrass	VERB
+himself	PRON
+and	CCONJ
+the	DET
+viewers	NOUN
+almost	ADV
+made	VERB
+me	PRON
+roll	VERB
+on	ADP
+the	DET
+floor	NOUN
+.	PUNCT
+
+It	PRON
+was	AUX
+an	DET
+extremely	ADV
+amusing	ADJ
+episode	NOUN
+,	PUNCT
+watching	VERB
+Chalabi	PROPN
+looking	VERB
+smug	ADJ
+and	CCONJ
+amused	ADJ
+,	PUNCT
+contrasted	VERB
+with	ADP
+Sha'lan	PROPN
+,	PUNCT
+all	ADV
+serious	ADJ
+and	CCONJ
+barely	ADV
+keeping	VERB
+himself	PRON
+from	SCONJ
+swearing	VERB
+.	PUNCT
+
+Fistfights	NOUN
+,	PUNCT
+please	INTJ
+.	PUNCT
+
+Hazim	PROPN
+Al	PROPN
+-	PUNCT
+Sha'lan	PROPN
+,	PUNCT
+by	ADP
+the	DET
+way	NOUN
+,	PUNCT
+is	AUX
+the	DET
+son	NOUN
+of	ADP
+the	DET
+late	ADJ
+Sheikh	PROPN
+of	ADP
+Al	PROPN
+-	PUNCT
+Khaza'il	PROPN
+in	ADP
+Diwaniya	PROPN
+and	CCONJ
+has	VERB
+the	DET
+potential	NOUN
+to	PART
+replace	VERB
+former	ADJ
+information	NOUN
+minister	NOUN
+,	PUNCT
+M.S.	PROPN
+Al	PROPN
+-	PUNCT
+Sahaf	PROPN
+,	PUNCT
+in	ADP
+his	PRON
+nonsensical	ADJ
+media	NOUN
+statements	NOUN
+,	PUNCT
+which	PRON
+can	AUX
+be	AUX
+passed	VERB
+as	ADP
+jokes	NOUN
+.	PUNCT
+
+The	DET
+main	ADJ
+Kurdish	ADJ
+coalition	NOUN
+list	NOUN
+(	PUNCT
+PUK	PROPN
+and	CCONJ
+KDP	PROPN
+)	PUNCT
+is	AUX
+barely	ADV
+mentioned	VERB
+outside	ADP
+the	DET
+Kurdish	ADJ
+region	NOUN
+.	PUNCT
+
+Even	ADV
+there	ADV
+,	PUNCT
+many	ADJ
+Kurds	PROPN
+look	VERB
+and	CCONJ
+act	VERB
+as	SCONJ
+if	SCONJ
+they	PRON
+are	AUX
+going	VERB
+to	PART
+grab	VERB
+the	DET
+chance	NOUN
+to	PART
+vote	VERB
+them	PRON
+out	ADP
+of	ADP
+power	NOUN
+.	PUNCT
+
+I	PRON
+doubt	VERB
+that	PRON
+will	AUX
+be	AUX
+the	DET
+outcome	NOUN
+though	ADV
+.	PUNCT
+
+Many	ADJ
+Iraqis	PROPN
+,	PUNCT
+including	VERB
+conservative	ADJ
+and	CCONJ
+religious	ADJ
+Iraqis	PROPN
+,	PUNCT
+are	AUX
+surprisingly	ADV
+rooting	VERB
+for	ADP
+the	DET
+Iraqi	PROPN
+Communist	PROPN
+party	PROPN
+,	PUNCT
+probably	ADV
+in	ADP
+an	DET
+attempt	NOUN
+to	PART
+counter	VERB
+the	DET
+influence	NOUN
+of	ADP
+Islamists	PROPN
+in	ADP
+the	DET
+forthcoming	ADJ
+National	PROPN
+Assembly	PROPN
+.	PUNCT
+
+The	DET
+Communist	PROPN
+party	PROPN
+has	VERB
+the	DET
+largest	ADJ
+number	NOUN
+of	ADP
+registered	VERB
+party	NOUN
+members	NOUN
+in	ADP
+the	DET
+country	NOUN
+and	CCONJ
+can	AUX
+be	AUX
+considered	VERB
+as	ADP
+the	DET
+oldest	ADJ
+popular	ADJ
+political	ADJ
+party	NOUN
+in	ADP
+Iraq	PROPN
+.	PUNCT
+
+Its	PRON
+support	NOUN
+base	NOUN
+is	AUX
+much	ADV
+larger	ADJ
+than	SCONJ
+what	PRON
+it	PRON
+seems	VERB
+.	PUNCT
+
+***	PUNCT
+
+Several	ADJ
+candidates	NOUN
+were	AUX
+assassinated	VERB
+and	CCONJ
+targeted	VERB
+these	DET
+last	ADJ
+two	NUM
+weeks	NOUN
+,	PUNCT
+others	NOUN
+have	AUX
+been	AUX
+forced	VERB
+under	ADP
+threats	NOUN
+to	PART
+withdraw	VERB
+and	CCONJ
+to	PART
+follow	VERB
+the	DET
+example	NOUN
+of	ADP
+the	DET
+Islamic	PROPN
+party	PROPN
+.	PUNCT
+
+Sectarian	ADJ
+tensions	NOUN
+are	AUX
+at	ADP
+their	PRON
+highest	ADJ
+since	ADP
+April	PROPN
+,	PUNCT
+2004	NUM
+,	PUNCT
+with	SCONJ
+Sunni	ADJ
+insurgents	VERB
+now	ADV
+openly	ADV
+attacking	VERB
+Husseiniyas	PROPN
+and	CCONJ
+Shia	ADJ
+mosques	NOUN
+.	PUNCT
+
+I	PRON
+had	VERB
+an	DET
+interesting	ADJ
+conversation	NOUN
+with	ADP
+a	DET
+middle	ADJ
+-	PUNCT
+aged	ADJ
+taxi	NOUN
+driver	NOUN
+who	PRON
+used	VERB
+to	PART
+live	VERB
+in	ADP
+Fallujah	PROPN
+and	CCONJ
+is	AUX
+now	ADV
+at	ADP
+relatives	NOUN
+in	ADP
+Amiriya	PROPN
+,	PUNCT
+Baghdad	PROPN
+.	PUNCT
+
+After	SCONJ
+asking	VERB
+me	PRON
+which	DET
+tribe	NOUN
+I	PRON
+belong	VERB
+to	ADP
+(	PUNCT
+thus	ADV
+assessing	VERB
+my	PRON
+sectarian	ADJ
+background	NOUN
+)	PUNCT
+he	PRON
+started	VERB
+hurling	VERB
+abuses	NOUN
+at	ADP
+the	DET
+Shia	PROPN
+,	PUNCT
+calling	VERB
+them	PRON
+Persians	PROPN
+,	PUNCT
+Majoos	PROPN
+(	PUNCT
+fire	NOUN
+worshippers	NOUN
+)	PUNCT
+,	PUNCT
+rabid	ADJ
+dogs	NOUN
+and	CCONJ
+a	DET
+handful	NOUN
+of	ADP
+other	ADJ
+descriptions	NOUN
+that	PRON
+I	PRON
+ca	AUX
+n't	PART
+mention	VERB
+here	ADV
+.	PUNCT
+
+He	PRON
+described	VERB
+Allawi	PROPN
+'s	PART
+face	NOUN
+as	ADP
+that	PRON
+of	ADP
+a	DET
+f*ed	VERB
+horse	NOUN
+and	CCONJ
+he	PRON
+dismissed	VERB
+the	DET
+whole	ADJ
+government	NOUN
+as	ADP
+a	DET
+band	NOUN
+of	ADP
+thieves	NOUN
+and	CCONJ
+traitors	NOUN
+.	PUNCT
+
+I	PRON
+did	AUX
+n't	PART
+argue	VERB
+with	ADP
+him	PRON
+but	CCONJ
+I	PRON
+asked	VERB
+him	PRON
+what	PRON
+he	PRON
+believed	VERB
+would	AUX
+be	AUX
+a	DET
+viable	ADJ
+solution	NOUN
+to	ADP
+this	DET
+mess	NOUN
+.	PUNCT
+
+He	PRON
+said	VERB
+that	SCONJ
+resistance	NOUN
+was	AUX
+the	DET
+only	ADJ
+commonsense	ADJ
+solution	NOUN
+.	PUNCT
+
+First	ADV
+driving	VERB
+out	ADP
+the	DET
+Americans	PROPN
+,	PUNCT
+then	ADV
+fighting	VERB
+the	DET
+Shia	PROPN
+back	ADV
+into	ADP
+submission	NOUN
+(	PUNCT
+as	ADP
+in	ADP
+1991	NUM
+)	PUNCT
+.	PUNCT
+
+Sunni	ADJ
+Iraqis	PROPN
+contend	VERB
+that	SCONJ
+elections	NOUN
+are	AUX
+impossible	ADJ
+to	PART
+hold	VERB
+under	ADP
+occupation	NOUN
+.	PUNCT
+
+Leaving	VERB
+aside	ADV
+the	DET
+fact	NOUN
+that	SCONJ
+this	DET
+views	NOUN
+conflicts	VERB
+with	ADP
+other	ADJ
+historical	ADJ
+examples	NOUN
+in	ADP
+the	DET
+region	NOUN
+,	PUNCT
+Sunnis	PROPN
+have	AUX
+never	ADV
+offered	VERB
+an	DET
+alternative	ADJ
+choice	NOUN
+,	PUNCT
+which	PRON
+eventually	ADV
+leads	VERB
+one	PRON
+to	PART
+guess	VERB
+that	SCONJ
+the	DET
+opinion	NOUN
+held	VERB
+by	ADP
+the	DET
+Fallujan	ADJ
+taxi	NOUN
+driver	NOUN
+above	ADV
+is	VERB
+precisely	ADV
+what	PRON
+they	PRON
+are	AUX
+planning	VERB
+to	PART
+implement	VERB
+.	PUNCT
+
+I	PRON
+had	VERB
+another	DET
+conversation	NOUN
+some	DET
+months	NOUN
+ago	ADV
+with	ADP
+a	DET
+retired	VERB
+Ba'athist	PROPN
+old	ADJ
+-	PUNCT
+timer	NOUN
+who	PRON
+claimed	VERB
+that	SCONJ
+Ba'athists	PROPN
+have	VERB
+the	DET
+means	NOUN
+to	PART
+stage	VERB
+a	DET
+third	ADJ
+coup	NOUN
+d'etat	NOUN
+and	CCONJ
+return	VERB
+to	ADP
+power	NOUN
+within	ADP
+10	NUM
+hours	NOUN
+of	ADP
+an	DET
+American	ADJ
+withdrawal	NOUN
+.	PUNCT
+
+On	SCONJ
+sensing	VERB
+my	PRON
+incredulity	NOUN
+to	ADP
+his	PRON
+statement	NOUN
+he	PRON
+asserted	VERB
+that	SCONJ
+Ba'athist	PROPN
+cells	NOUN
+exist	VERB
+in	ADP
+all	DET
+parts	NOUN
+of	ADP
+the	DET
+country	NOUN
+and	CCONJ
+that	SCONJ
+they	PRON
+do	AUX
+have	VERB
+a	DET
+central	ADJ
+command	NOUN
+,	PUNCT
+even	ADV
+though	SCONJ
+many	ADJ
+have	AUX
+formed	VERB
+seperate	ADJ
+cells	NOUN
+(	PUNCT
+often	ADV
+under	ADP
+Islamic	ADJ
+labels	NOUN
+)	PUNCT
+with	ADP
+their	PRON
+own	ADJ
+leaderships	NOUN
+.	PUNCT
+
+He	PRON
+said	VERB
+that	SCONJ
+they	PRON
+have	VERB
+the	DET
+training	NOUN
+and	CCONJ
+the	DET
+funding	NOUN
+as	ADV
+well	ADV
+as	ADP
+the	DET
+support	NOUN
+of	ADP
+neighbouring	VERB
+and	CCONJ
+regional	ADJ
+governments	NOUN
+.	PUNCT
+
+I	PRON
+concur	VERB
+that	SCONJ
+Ba'athists	PROPN
+and	CCONJ
+former	ADJ
+security	NOUN
+forces	NOUN
+are	AUX
+capable	ADJ
+of	SCONJ
+immediately	ADV
+controlling	VERB
+at	ADV
+least	ADV
+5	NUM
+out	ADP
+of	ADP
+18	NUM
+governorates	NOUN
+,	PUNCT
+along	ADP
+with	ADP
+the	DET
+capital	NOUN
+,	PUNCT
+if	SCONJ
+Americans	PROPN
+are	VERB
+to	PART
+be	AUX
+removed	VERB
+from	ADP
+the	DET
+picture	NOUN
+entirely	ADV
+.	PUNCT
+
+But	CCONJ
+I	PRON
+also	ADV
+see	VERB
+that	PRON
+as	ADP
+a	DET
+fatal	ADJ
+misconception	NOUN
+,	PUNCT
+which	PRON
+is	AUX
+doing	VERB
+Sunnis	PROPN
+harm	NOUN
+,	PUNCT
+because	SCONJ
+I	PRON
+do	AUX
+n't	PART
+believe	VERB
+the	DET
+US	PROPN
+is	AUX
+going	VERB
+anywhere	ADV
+so	ADV
+soon	ADV
+.	PUNCT
+
+Any	DET
+government	NOUN
+that	PRON
+assumes	VERB
+power	NOUN
+after	ADP
+the	DET
+elections	NOUN
+also	ADV
+realises	VERB
+this	PRON
+,	PUNCT
+so	ADV
+not	ADV
+even	ADV
+Sistani	PROPN
+is	AUX
+going	VERB
+to	PART
+call	VERB
+the	DET
+US	PROPN
+to	PART
+withdraw	VERB
+its	PRON
+troops	NOUN
+,	PUNCT
+despite	SCONJ
+what	PRON
+he	PRON
+is	AUX
+saying	VERB
+now	ADV
+,	PUNCT
+not	PART
+until	SCONJ
+they	PRON
+are	AUX
+ensured	VERB
+the	DET
+insurgency	NOUN
+is	AUX
+out	ADP
+of	ADP
+the	DET
+picture	NOUN
+,	PUNCT
+or	CCONJ
+that	SCONJ
+they	PRON
+have	VERB
+an	DET
+alternative	ADJ
+foreign	ADJ
+power	NOUN
+(	PUNCT
+in	ADP
+this	DET
+case	NOUN
+Iran	PROPN
+)	PUNCT
+to	PART
+back	VERB
+them	PRON
+up	ADP
+.	PUNCT
+
+The	DET
+only	ADJ
+hope	NOUN
+now	ADV
+is	VERB
+that	SCONJ
+,	PUNCT
+following	VERB
+the	DET
+elections	NOUN
+,	PUNCT
+the	DET
+National	PROPN
+Assembly	PROPN
+would	AUX
+offer	VERB
+the	DET
+hand	NOUN
+of	ADP
+peace	NOUN
+and	CCONJ
+reconciliation	NOUN
+to	ADP
+the	DET
+dissenting	VERB
+parties	NOUN
+.	PUNCT
+
+I	PRON
+would	AUX
+suggest	VERB
+going	VERB
+for	ADP
+tribal	ADJ
+Sheikhs	NOUN
+rather	ADP
+than	ADP
+clerics	NOUN
+,	PUNCT
+since	SCONJ
+they	PRON
+have	VERB
+the	DET
+upper	ADJ
+hand	NOUN
+in	ADP
+their	PRON
+areas	NOUN
+and	CCONJ
+can	AUX
+effectively	ADV
+root	VERB
+out	ADP
+any	DET
+Ba'athists	PROPN
+in	ADP
+their	PRON
+midst	NOUN
+in	ADP
+return	NOUN
+for	ADP
+a	DET
+promise	NOUN
+of	SCONJ
+sharing	VERB
+power	NOUN
+and	CCONJ
+authority	NOUN
+.	PUNCT
+
+Many	ADJ
+of	ADP
+these	DET
+Sheikhs	NOUN
+have	AUX
+been	AUX
+disenfranchised	VERB
+and	CCONJ
+abused	VERB
+over	ADP
+the	DET
+last	ADJ
+two	NUM
+years	NOUN
+.	PUNCT
+
+Very	ADV
+recently	ADV
+,	PUNCT
+US	PROPN
+forces	NOUN
+in	ADP
+Al	PROPN
+-	PUNCT
+Anbar	PROPN
+made	VERB
+a	DET
+terrible	ADJ
+blunder	NOUN
+by	SCONJ
+accidentally	ADV
+killing	VERB
+Abdul	PROPN
+-	PUNCT
+Razaq	PROPN
+Inad	PROPN
+Al	PROPN
+-	PUNCT
+Gu'ud	PROPN
+,	PUNCT
+Sheikh	PROPN
+of	ADP
+the	DET
+Al	PROPN
+-	PUNCT
+Bu	PROPN
+Nimr	PROPN
+clan	NOUN
+from	ADP
+the	DET
+powerful	ADJ
+Dulaym	PROPN
+tribe	NOUN
+.	PUNCT
+
+Al	PROPN
+-	PUNCT
+Gu'ud	PROPN
+had	AUX
+favoured	VERB
+elections	NOUN
+and	CCONJ
+was	AUX
+in	ADP
+good	ADJ
+terms	NOUN
+with	ADP
+the	DET
+government	NOUN
+.	PUNCT
+
+The	DET
+Gu'ud	PROPN
+family	NOUN
+even	ADV
+accepted	VERB
+to	PART
+be	AUX
+offered	VERB
+the	DET
+seat	NOUN
+of	ADP
+Al	PROPN
+-	PUNCT
+Anbar	PROPN
+governor	NOUN
+some	DET
+months	NOUN
+back	ADV
+.	PUNCT
+
+The	DET
+Al	PROPN
+-	PUNCT
+Bu	PROPN
+Nimr	PROPN
+in	ADP
+Ramadi	PROPN
+and	CCONJ
+Al	PROPN
+-	PUNCT
+Qaim	PROPN
+rose	VERB
+in	ADP
+arms	NOUN
+against	ADP
+Saddam	PROPN
+in	ADP
+the	DET
+mid-nineties	NOUN
+following	VERB
+the	DET
+execution	NOUN
+of	ADP
+Thamir	PROPN
+Madhlum	PROPN
+Al	PROPN
+-	PUNCT
+Dulaymi	PROPN
+,	PUNCT
+an	DET
+Air	PROPN
+Force	PROPN
+general	NOUN
+belonging	VERB
+to	ADP
+their	PRON
+tribe	NOUN
+.	PUNCT
+
+The	DET
+revolt	NOUN
+took	VERB
+two	NUM
+weeks	NOUN
+to	PART
+be	AUX
+suppressed	VERB
+by	ADP
+the	DET
+Republican	PROPN
+Guard	PROPN
+.	PUNCT
+
+Another	DET
+bad	ADJ
+step	NOUN
+was	AUX
+the	DET
+recent	ADJ
+arrest	NOUN
+of	ADP
+Sheikh	PROPN
+Hassan	PROPN
+Al	PROPN
+-	PUNCT
+Lihabi	PROPN
+,	PUNCT
+of	ADP
+the	DET
+Lihaib	PROPN
+tribe	NOUN
+which	PRON
+is	AUX
+scattered	VERB
+between	ADP
+the	DET
+governorates	NOUN
+of	ADP
+Al	PROPN
+-	PUNCT
+Anbar	PROPN
+,	PUNCT
+Mosul	PROPN
+and	CCONJ
+Salah	PROPN
+Al	PROPN
+-	PUNCT
+Din	PROPN
+.	PUNCT
+
+Al	PROPN
+-	PUNCT
+Lihaibi	PROPN
+was	AUX
+running	VERB
+in	ADP
+elections	NOUN
+and	CCONJ
+is	AUX
+now	ADV
+said	VERB
+to	PART
+have	AUX
+withdrawn	VERB
+following	VERB
+this	DET
+incident	NOUN
+.	PUNCT
+
+I	PRON
+believe	VERB
+national	ADJ
+reconciliation	NOUN
+to	PART
+be	AUX
+the	DET
+only	ADJ
+path	NOUN
+forward	ADV
+to	ADP
+a	DET
+new	ADJ
+Iraq	PROPN
+.	PUNCT
+
+The	DET
+Shia	PROPN
+can	AUX
+not	PART
+live	VERB
+without	ADP
+the	DET
+Sunnis	PROPN
+,	PUNCT
+and	CCONJ
+vice	ADV
+versa	ADV
+.	PUNCT
+
+Both	DET
+have	AUX
+shared	VERB
+this	DET
+country	NOUN
+for	ADP
+the	DET
+last	ADJ
+14	NUM
+centuries	NOUN
+and	CCONJ
+there	PRON
+is	VERB
+no	DET
+possible	ADJ
+way	NOUN
+that	ADV
+one	NUM
+can	AUX
+live	VERB
+without	ADP
+the	DET
+other	ADJ
+.	PUNCT
+
+Even	ADV
+partition	NOUN
+is	AUX
+not	PART
+a	DET
+possibility	NOUN
+,	PUNCT
+there	PRON
+are	VERB
+no	DET
+clear	ADJ
+borders	NOUN
+between	ADP
+the	DET
+two	NUM
+.	PUNCT
+
+Remember	VERB
+Luis	PROPN
+Posada	PROPN
+Carriles	PROPN
+?	PUNCT
+
+Here	ADV
+'s	AUX
+a	DET
+Miami	PROPN
+Herald	PROPN
+interview	NOUN
+with	ADP
+the	DET
+relaxed	ADJ
+terrorist	NOUN
+and	CCONJ
+former	ADJ
+CIA	PROPN
+operative	NOUN
+in	ADP
+a	DET
+luxury	NOUN
+condo	NOUN
+,	PUNCT
+published	VERB
+yesterday	NOUN
+.	PUNCT
+
+(	PUNCT
+"	PUNCT
+At	ADV
+first	ADV
+I	PRON
+hid	VERB
+a	DET
+lot	NOUN
+.	PUNCT
+
+I	PRON
+thought	VERB
+the	DET
+US	PROPN
+government	NOUN
+was	AUX
+looking	VERB
+for	ADP
+me	PRON
+.	PUNCT
+
+Now	ADV
+I	PRON
+hide	VERB
+a	DET
+lot	NOUN
+less	ADV
+.	PUNCT
+"	PUNCT
+)	PUNCT
+
+Because	ADP
+of	ADP
+such	ADJ
+talk	NOUN
+,	PUNCT
+Posada	PROPN
+has	AUX
+been	AUX
+taken	VERB
+into	ADP
+custody	NOUN
+by	ADP
+Immigration	NOUN
+officials	NOUN
+.	PUNCT
+
+I	PRON
+ca	AUX
+n't	PART
+imagine	VERB
+they	PRON
+wanted	VERB
+to	PART
+do	VERB
+this	PRON
+.	PUNCT
+
+Authorities	NOUN
+would	AUX
+likely	ADV
+have	AUX
+been	AUX
+happy	ADJ
+answering	VERB
+questions	NOUN
+about	ADP
+Posada	PROPN
+'s	PART
+whereabouts	NOUN
+with	ADP
+an	DET
+indefinite	ADJ
+shrug	NOUN
+.	PUNCT
+
+As	ADV
+recently	ADV
+as	ADP
+last	ADJ
+week	NOUN
+the	DET
+official	ADJ
+line	NOUN
+stated	VERB
+they	PRON
+had	VERB
+no	DET
+knowledge	NOUN
+he	PRON
+had	AUX
+entered	VERB
+the	DET
+country	NOUN
+.	PUNCT
+
+But	CCONJ
+comfortable	ADJ
+among	ADP
+the	DET
+thugs	NOUN
+,	PUNCT
+Posada	PROPN
+overplayed	VERB
+his	PRON
+hand	NOUN
+and	CCONJ
+embarrassed	VERB
+his	PRON
+old	ADJ
+patron	NOUN
+,	PUNCT
+the	DET
+US	PROPN
+government	NOUN
+.	PUNCT
+
+And	CCONJ
+though	SCONJ
+he	PRON
+'d	AUX
+been	AUX
+a	DET
+faithful	ADJ
+servant	NOUN
+,	PUNCT
+he	PRON
+was	AUX
+not	PART
+such	DET
+a	DET
+player	NOUN
+that	SCONJ
+he	PRON
+could	AUX
+get	VERB
+away	ADV
+with	ADP
+that	PRON
+.	PUNCT
+
+He	PRON
+should	AUX
+have	AUX
+taken	VERB
+a	DET
+cue	NOUN
+from	ADP
+another	DET
+bomber	NOUN
+some	DET
+pesky	ADJ
+dark	ADJ
+-	PUNCT
+skinned	ADJ
+foreigners	NOUN
+want	VERB
+extradited	VERB
+,	PUNCT
+CIA	PROPN
+operative	NOUN
+Michael	PROPN
+Meiring	PROPN
+.	PUNCT
+
+Posada	PROPN
+should	AUX
+have	AUX
+told	VERB
+any	DET
+inquisitive	ADJ
+journalist	NOUN
+at	ADP
+his	PRON
+doorstep	NOUN
+something	PRON
+like	SCONJ
+Meiring	PROPN
+told	VERB
+the	DET
+single	ADJ
+American	ADJ
+reporter	NOUN
+who	PRON
+bothered	VERB
+following	VERB
+his	PRON
+bloody	ADJ
+trail	NOUN
+from	ADP
+the	DET
+Philippines	PROPN
+,	PUNCT
+that	SCONJ
+"	PUNCT
+If	SCONJ
+this	PRON
+harms	VERB
+me	PRON
+in	ADP
+any	DET
+way	NOUN
+,	PUNCT
+you	PRON
+will	AUX
+find	VERB
+my	PRON
+power	NOUN
+then	ADV
+,	PUNCT
+and	CCONJ
+you	PRON
+'ll	AUX
+find	VERB
+out	ADP
+who	PRON
+I	PRON
+am	AUX
+.	PUNCT
+"	PUNCT
+
+But	CCONJ
+then	ADV
+,	PUNCT
+maybe	ADV
+that	PRON
+would	AUX
+n't	PART
+have	AUX
+saved	VERB
+him	PRON
+either	ADV
+,	PUNCT
+because	SCONJ
+Posada	PROPN
+is	AUX
+not	PART
+Meiring	PROPN
+.	PUNCT
+
+Posada	PROPN
+can	AUX
+be	AUX
+given	VERB
+up	ADP
+,	PUNCT
+but	CCONJ
+Meiring	PROPN
+ca	AUX
+n't	PART
+.	PUNCT
+
+Meiring	PROPN
+'s	PART
+crimes	NOUN
+are	AUX
+fresh	ADJ
+,	PUNCT
+and	CCONJ
+wave	VERB
+the	DET
+false	ADJ
+flag	NOUN
+which	PRON
+is	AUX
+the	DET
+"	PUNCT
+War	NOUN
+on	ADP
+Terror	NOUN
+.	PUNCT
+"	PUNCT
+
+They	PRON
+happened	VERB
+in	ADP
+the	DET
+Philippines	PROPN
+which	PRON
+,	PUNCT
+like	ADP
+Pakistan	PROPN
+,	PUNCT
+is	AUX
+an	DET
+important	ADJ
+and	CCONJ
+vulnerable	ADJ
+node	NOUN
+for	ADP
+the	DET
+business	NOUN
+which	PRON
+intelligence	NOUN
+agencies	NOUN
+and	CCONJ
+terrorist	NOUN
+organizations	NOUN
+conduct	VERB
+with	ADP
+each	DET
+other	ADJ
+.	PUNCT
+
+(	PUNCT
+Ask	VERB
+Terry	PROPN
+Nichols	PROPN
+about	ADP
+the	DET
+Philippines	PROPN
+.	PUNCT
+)	PUNCT
+
+The	DET
+bombings	NOUN
+implicated	VERB
+Muslims	PROPN
+,	PUNCT
+and	CCONJ
+exacerbated	VERB
+regional	ADJ
+tensions	NOUN
+which	PRON
+the	DET
+Bush	PROPN
+regime	NOUN
+and	CCONJ
+its	PRON
+friends	NOUN
+wearing	VERB
+the	DET
+brass	NOUN
+in	ADP
+the	DET
+Philippine	ADJ
+military	NOUN
+sought	VERB
+to	PART
+exploit	VERB
+.	PUNCT
+
+Posada	PROPN
+'s	PART
+crimes	NOUN
+,	PUNCT
+on	ADP
+the	DET
+other	ADJ
+hand	NOUN
+,	PUNCT
+must	AUX
+seem	VERB
+like	ADP
+ancient	ADJ
+history	NOUN
+,	PUNCT
+especially	ADV
+to	ADP
+a	DET
+people	NOUN
+who	PRON
+do	AUX
+n't	PART
+know	VERB
+their	PRON
+history	NOUN
+.	PUNCT
+
+And	CCONJ
+to	ADP
+those	PRON
+who	PRON
+do	AUX
+n't	PART
+even	ADV
+know	VERB
+their	PRON
+crimes	NOUN
+,	PUNCT
+not	PART
+even	ADV
+that	DET
+.	PUNCT
+
+But	CCONJ
+will	AUX
+Posada	PROPN
+be	AUX
+given	VERB
+up	ADP
+?	PUNCT
+
+I	PRON
+doubt	VERB
+he	PRON
+will	AUX
+be	AUX
+extradited	VERB
+to	ADP
+Venezuela	PROPN
+,	PUNCT
+which	PRON
+is	AUX
+the	DET
+only	ADJ
+way	NOUN
+that	DET
+question	NOUN
+could	AUX
+be	AUX
+answered	VERB
+with	ADP
+a	DET
+Yes	NOUN
+.	PUNCT
+
+I	PRON
+expect	VERB
+it	PRON
+will	AUX
+be	AUX
+determined	VERB
+that	SCONJ
+,	PUNCT
+under	ADP
+"	PUNCT
+Strong	ADJ
+Man	NOUN
+"	PUNCT
+Hugo	PROPN
+Chavez	PROPN
+,	PUNCT
+Posada	PROPN
+could	AUX
+not	PART
+be	AUX
+guaranteed	VERB
+a	DET
+fair	ADJ
+trial	NOUN
+.	PUNCT
+
+The	DET
+hope	NOUN
+may	AUX
+be	VERB
+that	SCONJ
+Posada	PROPN
+can	AUX
+soon	ADV
+be	AUX
+offered	VERB
+to	ADP
+a	DET
+post-Chavez	ADJ
+Allawi	PROPN
+-	PUNCT
+like	ADJ
+puppet	NOUN
+in	ADP
+Caracas	PROPN
+.	PUNCT
+
+Whether	SCONJ
+such	DET
+an	DET
+offer	NOUN
+were	AUX
+accepted	VERB
+or	CCONJ
+declined	VERB
+would	AUX
+make	VERB
+no	DET
+difference	NOUN
+;	PUNCT
+justice	NOUN
+would	AUX
+not	PART
+be	AUX
+served	VERB
+then	ADV
+.	PUNCT
+
+But	CCONJ
+Posada	PROPN
+'s	AUX
+nearly	ADV
+80	NUM
+years	NOUN
+old	ADJ
+,	PUNCT
+and	CCONJ
+the	DET
+Venezuelan	ADJ
+people	NOUN
+will	AUX
+ensure	VERB
+that	PRON
+'s	AUX
+a	DET
+vain	ADJ
+hope	NOUN
+.	PUNCT
+
+So	ADV
+instead	ADV
+Posada	PROPN
+may	AUX
+be	AUX
+held	VERB
+indefinitely	ADV
+,	PUNCT
+in	ADP
+comfortable	ADJ
+custody	NOUN
+.	PUNCT
+
+An	DET
+embarrassment	NOUN
+to	ADP
+the	DET
+US	PROPN
+still	ADV
+,	PUNCT
+just	ADV
+not	PART
+as	ADV
+embarrassing	ADJ
+as	SCONJ
+having	VERB
+the	DET
+old	ADJ
+killer	NOUN
+strut	VERB
+about	ADP
+Miami	PROPN
+,	PUNCT
+gloating	VERB
+in	ADP
+his	PRON
+freedom	NOUN
+.	PUNCT
+
+Meiring	PROPN
+is	AUX
+more	ADJ
+than	ADP
+an	DET
+embarrassment	NOUN
+.	PUNCT
+
+His	PRON
+case	NOUN
+threatens	VERB
+the	DET
+consensus	NOUN
+fiction	NOUN
+of	ADP
+the	DET
+"	PUNCT
+War	NOUN
+on	ADP
+Terror	NOUN
+.	PUNCT
+"	PUNCT
+
+So	ADV
+his	PRON
+name	NOUN
+will	AUX
+remain	VERB
+unspoken	ADJ
+.	PUNCT
+
+Another	DET
+connection	NOUN
+to	ADP
+Philippine	ADJ
+terror	NOUN
+and	CCONJ
+weapons	NOUN
+smuggling	VERB
+-	PUNCT
+dating	VERB
+from	ADP
+the	DET
+1980s	NOUN
+-	PUNCT
+is	AUX
+alleged	VERB
+in	ADP
+the	DET
+book	NOUN
+Disposable	PROPN
+Patriot	PROPN
+,	PUNCT
+by	ADP
+Jack	PROPN
+Terrell	PROPN
+.	PUNCT
+
+Terrell	PROPN
+,	PUNCT
+a	DET
+CIA	PROPN
+asset	NOUN
+originally	ADV
+recruited	VERB
+for	ADP
+the	DET
+Contra	PROPN
+effort	NOUN
+,	PUNCT
+identifies	VERB
+the	DET
+man	NOUN
+attempting	VERB
+to	PART
+recruit	VERB
+him	PRON
+into	ADP
+the	DET
+Philippine	ADJ
+scheme	NOUN
+as	ADP
+Oliver	PROPN
+North	PROPN
+...	PUNCT
+
+I	PRON
+seem	VERB
+to	PART
+recall	VERB
+the	DET
+object	NOUN
+was	VERB
+to	PART
+smuggle	VERB
+explosives	NOUN
+.	PUNCT
+
+http://www.amazon.ca/exec/obidos/ASIN/0915765381/701-3377456-8181939	X
+
+I	PRON
+'ve	AUX
+read	VERB
+the	DET
+book	NOUN
+-	PUNCT
+it	PRON
+'s	AUX
+a	DET
+first	ADJ
+person	NOUN
+memoir	NOUN
+with	ADP
+the	DET
+ring	NOUN
+of	ADP
+truth	NOUN
+,	PUNCT
+especially	ADV
+since	SCONJ
+so	ADV
+much	ADJ
+of	ADP
+the	DET
+wider	ADJ
+context	NOUN
+has	AUX
+confirmed	VERB
+the	DET
+allegations	NOUN
+of	ADP
+Contra	PROPN
+drug	NOUN
+connections	NOUN
+that	PRON
+led	VERB
+to	SCONJ
+Terrell	PROPN
+becoming	VERB
+a	DET
+target	NOUN
+for	ADP
+discrediting	NOUN
+by	ADP
+the	DET
+TWIG	PROPN
+counterintelligence	NOUN
+group	NOUN
+that	PRON
+ran	VERB
+interference	NOUN
+for	ADP
+the	DET
+Contra	PROPN
+effort	NOUN
+,	PUNCT
+staffed	VERB
+by	ADP
+covert	ADJ
+ops	NOUN
+types	NOUN
+including	VERB
+Ollie	PROPN
+North	PROPN
+,	PUNCT
+Robert	PROPN
+Owen	PROPN
+,	PUNCT
+Vince	PROPN
+Cannistaro	PROPN
+and	CCONJ
+Buck	PROPN
+Revell	PROPN
+.	PUNCT
+
+Peter	PROPN
+Dale	PROPN
+Scott	PROPN
+includes	VERB
+an	DET
+account	NOUN
+of	SCONJ
+how	ADV
+Terrell	PROPN
+'s	PART
+whistleblowing	NOUN
+was	AUX
+stifled	VERB
+by	ADP
+them	PRON
+in	ADP
+his	PRON
+book	NOUN
+Cocaine	PROPN
+Politics	PROPN
+.	PUNCT
+
+...	PUNCT
+same	ADJ
+ole	ADJ
+,	PUNCT
+same	ADJ
+ole	ADJ
+...	PUNCT
+
+Due	ADP
+to	SCONJ
+the	DET
+Judge	NOUN
+in	ADP
+the	DET
+1983	NUM
+case	NOUN
+ruling	VERB
+that	SCONJ
+a	DET
+CIA	PROPN
+agent	NOUN
+could	AUX
+not	PART
+testify	VERB
+using	VERB
+a	DET
+pseudonym	NOUN
+,	PUNCT
+therefore	ADV
+opening	VERB
+him	PRON
+to	ADP
+cross-examination	NOUN
+by	ADP
+Wilson	PROPN
+,	PUNCT
+the	DET
+prosecution	NOUN
+had	VERB
+a	DET
+problem	NOUN
+.	PUNCT
+
+They	PRON
+needed	VERB
+someone	PRON
+that	PRON
+could	AUX
+convince	VERB
+the	DET
+jury	NOUN
+they	PRON
+had	AUX
+been	AUX
+able	ADJ
+to	PART
+see	VERB
+all	DET
+relevant	ADJ
+documents	NOUN
+in	ADP
+CIA	PROPN
+files	NOUN
+on	ADP
+Wilson	PROPN
+.	PUNCT
+
+Wilson	PROPN
+was	AUX
+claiming	VERB
+that	SCONJ
+he	PRON
+had	AUX
+been	AUX
+working	VERB
+for	ADP
+the	DET
+CIA	PROPN
+when	ADV
+he	PRON
+sold	VERB
+the	DET
+C	NOUN
+-	PUNCT
+4	NUM
+to	ADP
+Quaddaffi	PROPN
+.	PUNCT
+
+The	DET
+prosecution	NOUN
+was	AUX
+charging	VERB
+he	PRON
+was	AUX
+a	DET
+rogue	NOUN
+using	VERB
+his	PRON
+contacts	NOUN
+from	ADP
+former	ADJ
+service	NOUN
+in	ADP
+both	CCONJ
+CIA	PROPN
+and	CCONJ
+the	DET
+'	PUNCT
+Office	PROPN
+of	ADP
+Naval	PROPN
+Intelligence	PROPN
+'	PUNCT
+.	PUNCT
+
+Wilson	PROPN
+had	AUX
+been	AUX
+able	ADJ
+to	PART
+show	VERB
+that	SCONJ
+he	PRON
+'d	AUX
+had	VERB
+more	ADJ
+than	ADP
+80	NUM
+"	PUNCT
+non-social	ADJ
+contacts	NOUN
+"	PUNCT
+with	ADP
+the	DET
+CIA	PROPN
+since	ADP
+his	PRON
+retirement	NOUN
+in	ADP
+1971	NUM
+,	PUNCT
+leaving	VERB
+the	DET
+prosecution	NOUN
+'s	PART
+case	NOUN
+in	ADP
+turmoil	NOUN
+.	PUNCT
+
+Then	ADV
+Charles	PROPN
+A.	PROPN
+Briggs	PROPN
+came	VERB
+to	ADP
+the	DET
+rescue	NOUN
+.	PUNCT
+
+Third	ADV
+ranking	VERB
+CIA	PROPN
+officer	NOUN
+,	PUNCT
+Briggs	PROPN
+signed	VERB
+a	DET
+declaration	NOUN
+on	ADP
+February	PROPN
+3rd	NOUN
+,	PUNCT
+1983	NUM
+,	PUNCT
+that	SCONJ
+on	ADP
+November	PROPN
+8th	NOUN
+,	PUNCT
+1982	NUM
+,	PUNCT
+he	PRON
+had	AUX
+authorized	VERB
+a	DET
+search	NOUN
+of	ADP
+CIA	PROPN
+records	NOUN
+"	PUNCT
+for	ADP
+any	DET
+material	ADJ
+that	PRON
+in	ADP
+any	DET
+way	NOUN
+pertains	VERB
+to	ADP
+Edwin	PROPN
+P.	PROPN
+Wilson	PROPN
+,	PUNCT
+or	CCONJ
+the	DET
+various	ADJ
+allegations	NOUN
+concerning	VERB
+his	PRON
+activities	NOUN
+after	ADP
+February	PROPN
+28th	NOUN
+,	PUNCT
+1971	NUM
+,	PUNCT
+when	ADV
+he	PRON
+retired	VERB
+from	ADP
+the	DET
+CIA	PROPN
+.	PUNCT
+"	PUNCT
+
+The	DET
+Briggs	PROPN
+Declaration	PROPN
+states	VERB
+that	SCONJ
+with	ADP
+one	NUM
+exception	NOUN
+in	ADP
+1972	NUM
+,	PUNCT
+Wilson	PROPN
+did	AUX
+not	PART
+work	VERB
+"	PUNCT
+directly	ADV
+or	CCONJ
+indirectly	ADV
+"	PUNCT
+for	ADP
+the	DET
+CIA	PROPN
+since	SCONJ
+retiring	VERB
+.	PUNCT
+
+http://www.disinfo.com/archive/pages/dossier/id334/pg1/	X
+
+Last	ADJ
+week	NOUN
+,	PUNCT
+Federal	PROPN
+District	PROPN
+Judge	PROPN
+Lynn	PROPN
+Hughes	PROPN
+in	ADP
+Huston	PROPN
+,	PUNCT
+Texas	PROPN
+,	PUNCT
+threw	VERB
+out	ADP
+Wilson	PROPN
+'s	PART
+two	NUM
+-	PUNCT
+decades	NOUN
+old	ADJ
+conviction	NOUN
+.	PUNCT
+
+Judge	PROPN
+Hughes	PROPN
+wrote	VERB
+:	PUNCT
+`	PUNCT
+government	NOUN
+knowingly	ADV
+used	VERB
+false	ADJ
+evidence	NOUN
+against	ADP
+him	PRON
+,	PUNCT
+'	PUNCT
+concluding	VERB
+`	PUNCT
+honesty	NOUN
+comes	VERB
+hard	ADV
+to	ADP
+government	NOUN
+.	PUNCT
+'	PUNCT
+
+http://www.bigeye.com/111003.htm	X
+
+http://www.thekcrachannel.com/news/4503872/detail.html	X
+
+looks	VERB
+like	SCONJ
+it	PRON
+is	AUX
+rearing	VERB
+its	PRON
+head	NOUN
+again	ADV
+in	ADP
+Louisianna	PROPN
+..	PUNCT
+
+Former	ADJ
+Pastor	NOUN
+,	PUNCT
+Deputy	NOUN
+Implicated	VERB
+In	ADP
+Church	NOUN
+Child	NOUN
+Sex	NOUN
+Abuse	NOUN
+
+PONCHATOULA	PROPN
+,	PUNCT
+La.	PROPN
+--	PUNCT
+
+Sheriff	NOUN
+'s	PART
+deputies	NOUN
+in	ADP
+Louisiana	PROPN
+made	VERB
+a	DET
+third	ADJ
+arrest	NOUN
+Wednesday	PROPN
+in	ADP
+the	DET
+ongoing	ADJ
+investigation	NOUN
+of	ADP
+a	DET
+case	NOUN
+involving	VERB
+allegations	NOUN
+of	ADP
+sexual	ADJ
+abuse	NOUN
+of	ADP
+children	NOUN
+and	CCONJ
+animals	NOUN
+at	ADP
+a	DET
+Ponchatoula	PROPN
+,	PUNCT
+La.	PROPN
+,	PUNCT
+church	NOUN
+.	PUNCT
+
+Austin	PROPN
+Aaron	PROPN
+Bernard	PROPN
+III	PROPN
+,	PUNCT
+36	NUM
+,	PUNCT
+was	AUX
+arrested	VERB
+on	ADP
+a	DET
+charge	NOUN
+of	ADP
+aggravated	VERB
+rape	NOUN
+of	ADP
+a	DET
+child	NOUN
+under	ADP
+the	DET
+age	NOUN
+of	ADP
+13	NUM
+.	PUNCT
+
+Police	NOUN
+said	VERB
+Bernard	PROPN
+confessed	VERB
+to	ADP
+detectives	NOUN
+that	SCONJ
+he	PRON
+had	VERB
+sex	NOUN
+with	ADP
+a	DET
+young	ADJ
+girl	NOUN
+in	ADP
+November	PROPN
+2002	NUM
+and	CCONJ
+admitted	VERB
+to	SCONJ
+knowing	VERB
+about	ADP
+sexual	ADJ
+acts	NOUN
+involving	VERB
+children	NOUN
+and	CCONJ
+a	DET
+dog	NOUN
+that	PRON
+occurred	VERB
+at	ADP
+Hosanna	PROPN
+Church	PROPN
+.	PUNCT
+
+Tangipahoa	PROPN
+Parish	PROPN
+sheriff	NOUN
+'s	PART
+deputy	NOUN
+Christopher	PROPN
+Blair	PROPN
+Labat	PROPN
+,	PUNCT
+24	NUM
+,	PUNCT
+was	AUX
+booked	VERB
+Tuesday	PROPN
+on	ADP
+one	NUM
+count	NOUN
+of	ADP
+aggravated	VERB
+rape	NOUN
+and	CCONJ
+one	NUM
+count	NOUN
+of	ADP
+crime	NOUN
+against	ADP
+nature	NOUN
+.	PUNCT
+
+On	ADP
+Monday	PROPN
+,	PUNCT
+Louis	PROPN
+Lamonica	PROPN
+,	PUNCT
+45	NUM
+,	PUNCT
+the	DET
+former	ADJ
+pastor	NOUN
+of	ADP
+Hosanna	PROPN
+Church	PROPN
+,	PUNCT
+was	AUX
+booked	VERB
+with	ADP
+two	NUM
+counts	NOUN
+of	ADP
+aggravated	VERB
+rape	NOUN
+and	CCONJ
+one	NUM
+count	NOUN
+of	ADP
+crime	NOUN
+against	ADP
+nature	NOUN
+after	SCONJ
+he	PRON
+walked	VERB
+in	ADP
+to	ADP
+the	DET
+Livingston	PROPN
+Parish	PROPN
+Sheriff	PROPN
+'s	PART
+Office	PROPN
+and	CCONJ
+said	VERB
+he	PRON
+could	AUX
+implicate	VERB
+others	NOUN
+in	ADP
+a	DET
+situation	NOUN
+at	ADP
+the	DET
+church	NOUN
+that	PRON
+reportedly	ADV
+occurred	VERB
+two	NUM
+years	NOUN
+ago	ADV
+.	PUNCT
+
+We	PRON
+have	VERB
+a	DET
+similar	ADJ
+case	NOUN
+unravelling	VERB
+up	ADV
+here	ADV
+in	ADP
+the	DET
+northwest	NOUN
+with	ADP
+a	DET
+murder	NOUN
+of	ADP
+a	DET
+family	NOUN
+and	CCONJ
+missing	ADJ
+children	NOUN
+taken	VERB
+for	ADP
+some	DET
+purpose	NOUN
+.	PUNCT
+
+If	SCONJ
+I	PRON
+was	AUX
+Rummy	PROPN
+I	PRON
+'d	AUX
+send	VERB
+Posada	PROPN
+to	ADP
+Iraq	PROPN
+to	PART
+blow	VERB
+things	NOUN
+up	ADP
+there	ADV
+.	PUNCT
+
+yeah	INTJ
+,	PUNCT
+"	PUNCT
+things	NOUN
+"	PUNCT
+...	PUNCT
+
+Yesterday	NOUN
+evening	NOUN
+,	PUNCT
+the	DET
+Posada	PROPN
+story	NOUN
+was	AUX
+featured	VERB
+in	ADP
+the	DET
+public	ADJ
+television	NOUN
+news	NOUN
+show	NOUN
+in	ADP
+Germany	PROPN
+(	PUNCT
+ARD	PROPN
+,	PUNCT
+Tagesthemen	PROPN
+)	PUNCT
+.	PUNCT
+
+The	DET
+newly	ADV
+released	VERB
+papers	NOUN
+,	PUNCT
+showing	VERB
+him	PRON
+complicit	ADJ
+in	ADP
+the	DET
+airliner	NOUN
+bombing	NOUN
+,	PUNCT
+were	AUX
+mentioned	VERB
+
+gandalf	PROPN
+
+Now	ADV
+that	PRON
+'s	AUX
+a	DET
+post	NOUN
+I	PRON
+can	AUX
+relate	VERB
+to	ADP
+.	PUNCT
+
+You	PRON
+really	ADV
+got	VERB
+me	PRON
+thinking	VERB
+,	PUNCT
+I	PRON
+enjoy	VERB
+reading	VERB
+this	DET
+blog	NOUN
+.	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+know	VERB
+how	ADV
+others	NOUN
+feel	VERB
+,	PUNCT
+but	CCONJ
+I	PRON
+'m	AUX
+definitely	ADV
+looking	VERB
+into	ADP
+immigration	NOUN
+to	ADP
+Canada	PROPN
+as	ADP
+an	DET
+option	NOUN
+.	PUNCT
+
+The	DET
+good	ADJ
+ól	ADJ
+US	PROPN
+of	ADP
+A	PROPN
+ai	AUX
+nt	PART
+what	PRON
+it	PRON
+used	VERB
+to	PART
+be	VERB
+.	PUNCT
+
+I	PRON
+like	VERB
+yuor	PRON
+blog	NOUN
+.	PUNCT
+
+Please	INTJ
+check	VERB
+out	ADP
+my	PRON
+who	PRON
+let	VERB
+the	DET
+dog	NOUN
+out	ADP
+blog	NOUN
+.	PUNCT
+
+hey	INTJ
+that	PRON
+'s	AUX
+a	DET
+great	ADJ
+blog	NOUN
+,	PUNCT
+I	PRON
+also	ADV
+have	VERB
+a	DET
+site	NOUN
+about	ADP
+los	PROPN
+angeles	PROPN
+online	ADJ
+dating	NOUN
+
+you	PRON
+can	AUX
+check	VERB
+it	PRON
+out	ADP
+:	PUNCT
+los	PROPN
+angeles	PROPN
+online	ADJ
+dating	NOUN
+
+This	PRON
+is	AUX
+a	DET
+excellent	ADJ
+blog	NOUN
+.	PUNCT
+
+Keep	VERB
+it	PRON
+going	VERB
+.	PUNCT
+
+This	PRON
+may	AUX
+be	AUX
+of	ADP
+interest	NOUN
+to	ADP
+you	PRON
+I	PRON
+have	VERB
+a	DET
+free	ADJ
+online	ADJ
+dating	NOUN
+service	NOUN
+.	PUNCT
+
+It	PRON
+pretty	ADV
+much	ADV
+covers	VERB
+dating	NOUN
+stuff	NOUN
+.	PUNCT
+
+I	PRON
+'ll	AUX
+be	AUX
+sure	ADJ
+to	PART
+come	VERB
+back	ADV
+.	PUNCT
+
+Hey	INTJ
+I	PRON
+just	ADV
+love	VERB
+your	PRON
+blog	NOUN
+.	PUNCT
+
+I	PRON
+also	ADV
+have	VERB
+a	DET
+dating	NOUN
+advice	NOUN
+blog	NOUN
+/	SYM
+site	NOUN
+.	PUNCT
+
+I	PRON
+mostly	ADV
+deals	VERB
+with	ADP
+dating	NOUN
+advice	NOUN
+
+Please	INTJ
+come	VERB
+and	CCONJ
+check	VERB
+it	PRON
+out	ADP
+if	SCONJ
+you	PRON
+get	VERB
+the	DET
+time	NOUN
+!	PUNCT
+
+I	PRON
+was	AUX
+searching	VERB
+for	ADP
+dog	NOUN
+food	NOUN
+info	NOUN
+and	CCONJ
+found	VERB
+this	DET
+post	NOUN
+.	PUNCT
+
+I	PRON
+agree	VERB
+totally	ADV
+!	PUNCT
+
+Paul	PROPN
+
+How	ADV
+Would	AUX
+You	PRON
+Like	VERB
+To	PART
+Know	VERB
+How	ADV
+YOU	PRON
+Can	AUX
+Live	VERB
+In	ADP
+A	DET
+Beautiful	ADJ
+NEW	ADJ
+House	NOUN
+That	PRON
+Is	AUX
+Custom	NOUN
+-	PUNCT
+Designed	VERB
+To	ADP
+YOUR	PRON
+Specifications	NOUN
+.........	PUNCT
+And	CCONJ
+At	ADP
+NO	DET
+COST	NOUN
+To	ADP
+You	PRON
+?	PUNCT
+
+You	PRON
+CAN	AUX
+Do	VERB
+It	PRON
+.	PUNCT
+
+And	CCONJ
+It	PRON
+'s	AUX
+Not	PART
+Hard	ADJ
+To	PART
+Do	VERB
+....	PUNCT
+IF	SCONJ
+You	PRON
+Know	VERB
+HOW	ADV
+.	PUNCT
+
+Do	AUX
+n't	PART
+Let	VERB
+This	PRON
+Pass	VERB
+You	PRON
+By	ADV
+Without	SCONJ
+At	ADV
+Least	ADV
+Taking	VERB
+A	DET
+Look	NOUN
+.	PUNCT
+
+The	DET
+Only	ADJ
+Catch	NOUN
+Is	VERB
+That	SCONJ
+You	PRON
+HAVE	VERB
+To	PART
+Have	VERB
+An	DET
+Income	NOUN
+ABOVE	ADP
+$	SYM
+21,000	NUM
+......	PUNCT
+And	CCONJ
+......	PUNCT
+You	PRON
+HAVE	VERB
+To	PART
+Follow	VERB
+The	DET
+Easy	ADJ
+Instructions	NOUN
+Provided	VERB
+To	ADP
+You	PRON
+.	PUNCT
+
+Get-A-Free-House.com	X
+
++	SYM
+As	SCONJ
+the	DET
+implications	NOUN
+of	ADP
+the	DET
+Andaman	PROPN
+Islands	PROPN
+situation	NOUN
+sink	VERB
+in	ADV
+,	PUNCT
+Indian	ADJ
+intelligence	NOUN
+has	AUX
+inevitably	ADV
+come	VERB
+under	ADP
+scrutiny	NOUN
+.	PUNCT
+
+In	ADP
+recent	ADJ
+months	NOUN
+,	PUNCT
+its	PRON
+fallibility	NOUN
+has	AUX
+become	VERB
+evident	ADJ
+.	PUNCT
+
+The	DET
+inability	NOUN
+to	PART
+foresee	VERB
+in	ADP
+advance	NOUN
+the	DET
+assassination	NOUN
+attempt	NOUN
+on	ADP
+the	DET
+pro-India	ADJ
+political	ADJ
+leader	NOUN
+and	CCONJ
+former	ADJ
+Bangladeshi	ADJ
+prime	ADJ
+minister	NOUN
+Sheikh	PROPN
+Hasina	PROPN
+Wazed	PROPN
+last	ADJ
+August	PROPN
+21	NUM
+at	ADP
+a	DET
+political	ADJ
+rally	NOUN
+in	ADP
+Dhaka	PROPN
+,	PUNCT
+and	CCONJ
+the	DET
+recent	ADJ
+"	PUNCT
+coup	NOUN
+"	PUNCT
+by	ADP
+Nepalese	ADJ
+King	PROPN
+Gyanendra	PROPN
+dismissing	VERB
+his	PRON
+government	NOUN
+and	CCONJ
+imposing	VERB
+a	DET
+virtual	ADJ
+absolute	ADJ
+monarchy	NOUN
+,	PUNCT
+are	AUX
+glaring	ADJ
+examples	NOUN
+of	ADP
+intelligence	NOUN
+failure	NOUN
+.	PUNCT
++	SYM
+
+Trouble	NOUN
+on	ADP
+India	PROPN
+'s	PART
+islands	NOUN
+
+Ramtanu	PROPN
+Maitra	PROPN
+
+In	ADP
+early	ADJ
+February	PROPN
+,	PUNCT
+India	PROPN
+charged	VERB
+34	NUM
+Arakan	ADJ
+separatists	NOUN
+from	ADP
+Myanmar	PROPN
+with	SCONJ
+hiding	VERB
+in	ADP
+the	DET
+Landfall	PROPN
+Islands	PROPN
+,	PUNCT
+part	NOUN
+of	ADP
+the	DET
+Andaman	PROPN
+Islands	PROPN
+group	NOUN
+(	PUNCT
+see	VERB
+end	NOUN
+note	NOUN
+)	PUNCT
+.	PUNCT
+
+These	DET
+alleged	ADJ
+members	NOUN
+of	ADP
+the	DET
+Arakan	PROPN
+Army	PROPN
+,	PUNCT
+the	DET
+military	ADJ
+wing	NOUN
+of	ADP
+the	DET
+National	PROPN
+Unity	PROPN
+Party	PROPN
+in	ADP
+Myanmar	PROPN
+,	PUNCT
+have	AUX
+been	AUX
+charged	VERB
+with	ADP
+illegal	ADJ
+entry	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+likely	ADJ
+,	PUNCT
+but	CCONJ
+not	ADV
+certain	ADJ
+,	PUNCT
+that	SCONJ
+they	PRON
+will	AUX
+be	AUX
+deported	VERB
+to	ADP
+Myanmar	PROPN
+.	PUNCT
+
+But	CCONJ
+the	DET
+news	NOUN
+of	ADP
+the	DET
+Arakan	ADJ
+rebels	NOUN
+is	AUX
+just	ADV
+the	DET
+tip	NOUN
+of	ADP
+the	DET
+iceberg	NOUN
+when	ADV
+it	PRON
+comes	VERB
+to	ADP
+growing	VERB
+concern	NOUN
+in	ADP
+New	PROPN
+Delhi	PROPN
+over	ADP
+the	DET
+security	NOUN
+of	ADP
+the	DET
+Andaman	PROPN
+Islands	PROPN
+.	PUNCT
+
+Reports	NOUN
+are	AUX
+circulating	VERB
+in	ADP
+the	DET
+intelligence	NOUN
+community	NOUN
+that	SCONJ
+the	DET
+Andaman	PROPN
+Islands	PROPN
+are	AUX
+not	PART
+only	ADV
+thick	ADJ
+with	ADP
+Myanmar	PROPN
+rebels	NOUN
+.	PUNCT
+
+It	PRON
+has	AUX
+also	ADV
+become	VERB
+an	DET
+arms	NOUN
+depot	NOUN
+of	ADP
+the	DET
+Liberation	PROPN
+Tigers	PROPN
+of	ADP
+Tamil	PROPN
+Eelam	PROPN
+(	PUNCT
+LTTE	PROPN
+)	PUNCT
+,	PUNCT
+who	PRON
+operate	VERB
+almost	ADV
+freely	ADV
+in	ADP
+the	DET
+Andaman	PROPN
+Sea	PROPN
+.	PUNCT
+
+Information	NOUN
+pointing	VERB
+in	ADP
+this	DET
+direction	NOUN
+came	VERB
+to	ADP
+light	NOUN
+after	ADP
+the	DET
+December	PROPN
+26	NUM
+tsunami	NOUN
+,	PUNCT
+which	PRON
+took	VERB
+a	DET
+heavy	ADJ
+toll	NOUN
+on	ADP
+the	DET
+Andamans	PROPN
+.	PUNCT
+
+Correspondents	NOUN
+who	PRON
+flocked	VERB
+in	ADV
+to	PART
+cover	VERB
+the	DET
+tsunami	NOUN
+found	VERB
+they	PRON
+also	ADV
+had	VERB
+another	DET
+story	NOUN
+-	PUNCT
+the	DET
+miserable	ADJ
+security	NOUN
+situation	NOUN
+surrounding	VERB
+the	DET
+Indian	ADJ
+navy	NOUN
+'s	PART
+Far	PROPN
+Eastern	PROPN
+Naval	PROPN
+Command	PROPN
+,	PUNCT
+now	ADV
+being	AUX
+established	VERB
+along	ADP
+with	ADP
+India	PROPN
+'s	PART
+"	PUNCT
+blue	ADJ
+water	NOUN
+navy	NOUN
+"	PUNCT
+.	PUNCT
+
+Deteriorating	VERB
+security	NOUN
+
+Security	NOUN
+problems	NOUN
+in	ADP
+the	DET
+Andaman	PROPN
+Sea	PROPN
+are	AUX
+not	PART
+new	ADJ
+,	PUNCT
+but	CCONJ
+they	PRON
+have	AUX
+deteriorated	VERB
+during	ADP
+the	DET
+past	ADJ
+few	ADJ
+years	NOUN
+,	PUNCT
+in	ADP
+tandem	NOUN
+with	ADP
+a	DET
+deterioration	NOUN
+in	ADP
+the	DET
+security	NOUN
+situation	NOUN
+in	ADP
+Bangladesh	PROPN
+,	PUNCT
+Nepal	PROPN
+and	CCONJ
+Bhutan	PROPN
+,	PUNCT
+and	CCONJ
+particularly	ADV
+in	ADP
+the	DET
+northeastern	ADJ
+Indian	ADJ
+states	NOUN
+of	ADP
+Manipur	PROPN
+,	PUNCT
+Nagaland	PROPN
+and	CCONJ
+Tripura	PROPN
+.	PUNCT
+
+While	SCONJ
+the	DET
+Indian	ADJ
+army	NOUN
+has	AUX
+become	VERB
+rock	NOUN
+-	PUNCT
+solid	ADJ
+in	ADP
+the	DET
+western	ADJ
+front	NOUN
+,	PUNCT
+and	CCONJ
+has	AUX
+developed	VERB
+the	DET
+capability	NOUN
+of	SCONJ
+withstanding	VERB
+any	DET
+Pakistani	ADJ
+adventure	NOUN
+in	ADP
+that	DET
+sector	NOUN
+,	PUNCT
+it	PRON
+has	AUX
+become	VERB
+highly	ADV
+vulnerable	ADJ
+in	ADP
+its	PRON
+eastern	ADJ
+sector	NOUN
+,	PUNCT
+where	ADV
+its	PRON
+enemy	NOUN
+is	AUX
+not	PART
+a	DET
+national	ADJ
+army	NOUN
+but	CCONJ
+a	DET
+multitude	NOUN
+of	ADP
+secessionist	ADJ
+,	PUNCT
+terrorist	ADJ
+and	CCONJ
+drug	NOUN
+-	PUNCT
+running	VERB
+militants	NOUN
+operating	VERB
+between	ADP
+Southeast	PROPN
+Asia	PROPN
+and	CCONJ
+northeastern	ADJ
+India	PROPN
+through	ADP
+Bangladesh	PROPN
+.	PUNCT
+
+The	DET
+Andaman	PROPN
+Sea	PROPN
+is	AUX
+a	DET
+major	ADJ
+conduit	NOUN
+for	ADP
+this	DET
+traffic	NOUN
+,	PUNCT
+and	CCONJ
+the	DET
+572	NUM
+large	ADJ
+and	CCONJ
+small	ADJ
+islands	NOUN
+that	PRON
+constitute	VERB
+the	DET
+Andaman	PROPN
+and	CCONJ
+Nicobar	PROPN
+group	NOUN
+are	AUX
+a	DET
+natural	ADJ
+transit	NOUN
+base	NOUN
+.	PUNCT
+
+The	DET
+drugs	NOUN
+and	CCONJ
+arms	NOUN
+travel	VERB
+in	ADP
+all	DET
+directions	NOUN
+.	PUNCT
+
+Since	SCONJ
+the	DET
+"	PUNCT
+Sea	PROPN
+Tigers	PROPN
+"	PUNCT
+of	ADP
+the	DET
+LTTE	PROPN
+,	PUNCT
+better	ADV
+known	VERB
+as	ADP
+the	DET
+Tamil	PROPN
+Tigers	PROPN
+,	PUNCT
+are	AUX
+the	DET
+ones	NOUN
+who	PRON
+rule	VERB
+the	DET
+Andaman	PROPN
+Sea	PROPN
+:	PUNCT
+they	PRON
+carry	VERB
+the	DET
+arms	NOUN
+and	CCONJ
+drugs	NOUN
+for	ADP
+their	PRON
+own	ADJ
+use	NOUN
+and	CCONJ
+also	ADV
+to	PART
+deliver	VERB
+to	ADP
+rebels	NOUN
+in	ADP
+Aceh	PROPN
+and	CCONJ
+all	ADV
+along	ADP
+the	DET
+east	ADJ
+coast	NOUN
+of	ADP
+Africa	PROPN
+.	PUNCT
+
+It	PRON
+is	AUX
+old	ADJ
+news	NOUN
+that	SCONJ
+the	DET
+Tamil	PROPN
+Tigers	PROPN
+have	AUX
+developed	VERB
+a	DET
+strong	ADJ
+network	NOUN
+within	ADP
+South	PROPN
+Africa	PROPN
+.	PUNCT
+
+This	PRON
+is	AUX
+not	PART
+unknown	ADJ
+to	ADP
+New	PROPN
+Delhi	PROPN
+.	PUNCT
+
+A	DET
+recent	ADJ
+report	NOUN
+by	ADP
+a	DET
+journalist	NOUN
+from	ADP
+Port	PROPN
+Blair	PROPN
+,	PUNCT
+in	ADP
+the	DET
+Andamans	PROPN
+,	PUNCT
+quoted	VERB
+an	DET
+unnamed	ADJ
+official	NOUN
+saying	VERB
+that	SCONJ
+foreigners	NOUN
+from	ADP
+Myanmar	PROPN
+,	PUNCT
+Bangladesh	PROPN
+and	CCONJ
+Sri	PROPN
+Lanka	PROPN
+have	AUX
+permanently	ADV
+settled	VERB
+in	ADP
+the	DET
+islands	NOUN
+,	PUNCT
+using	VERB
+fake	ADJ
+Indian	ADJ
+ration	NOUN
+cards	NOUN
+,	PUNCT
+while	SCONJ
+citizens	NOUN
+of	ADP
+Thailand	PROPN
+,	PUNCT
+China	PROPN
+,	PUNCT
+Indonesia	PROPN
+and	CCONJ
+Malaysia	PROPN
+have	AUX
+migrated	VERB
+temporarily	ADV
+to	PART
+plunder	VERB
+the	DET
+natural	ADJ
+resources	NOUN
+and	CCONJ
+leave	VERB
+.	PUNCT
+
+"	PUNCT
+Port	PROPN
+Blair	PROPN
+,	PUNCT
+Havelock	PROPN
+Islands	PROPN
+,	PUNCT
+Diglipur	PROPN
+,	PUNCT
+Middle	PROPN
+Nicobar	PROPN
+,	PUNCT
+Campbell	PROPN
+'s	PART
+Bay	PROPN
+,	PUNCT
+Neil	PROPN
+Islands	PROPN
+and	CCONJ
+Rangott	PROPN
+are	AUX
+mostly	ADV
+overrun	VERB
+by	ADP
+foreigners	NOUN
+,	PUNCT
+"	PUNCT
+he	PRON
+said	VERB
+.	PUNCT
+
+An	DET
+official	ADJ
+estimate	NOUN
+issued	VERB
+in	ADP
+2003	NUM
+suggests	VERB
+there	PRON
+are	VERB
+50,000	NUM
+"	PUNCT
+foreigners	NOUN
+"	PUNCT
+in	ADP
+the	DET
+Andaman	PROPN
+Islands	PROPN
+,	PUNCT
+but	CCONJ
+unofficial	ADJ
+figures	NOUN
+are	AUX
+much	ADV
+higher	ADJ
+than	ADP
+this	PRON
+.	PUNCT
+
+A	DET
+large	ADJ
+number	NOUN
+of	ADP
+them	PRON
+are	AUX
+Bangladeshis	PROPN
+,	PUNCT
+who	PRON
+like	ADP
+millions	NOUN
+of	ADP
+their	PRON
+countrymen	NOUN
+have	AUX
+left	VERB
+their	PRON
+densely	ADV
+populated	VERB
+homeland	NOUN
+to	PART
+settle	VERB
+elsewhere	ADV
+.	PUNCT
+
+As	SCONJ
+most	ADJ
+of	ADP
+them	PRON
+have	VERB
+few	ADJ
+technical	ADJ
+skills	NOUN
+,	PUNCT
+and	CCONJ
+the	DET
+Andamans	PROPN
+have	VERB
+little	ADJ
+demand	NOUN
+for	ADP
+them	PRON
+in	ADP
+any	DET
+case	NOUN
+,	PUNCT
+they	PRON
+turn	VERB
+to	ADP
+smuggling	NOUN
+and	CCONJ
+other	ADJ
+unlawful	ADJ
+activities	NOUN
+.	PUNCT
+
+The	DET
+presence	NOUN
+of	ADP
+the	DET
+Sea	PROPN
+Tigers	PROPN
+in	ADP
+the	DET
+area	NOUN
+with	ADP
+guns	NOUN
+,	PUNCT
+cash	NOUN
+and	CCONJ
+drugs	NOUN
+makes	VERB
+the	DET
+situation	NOUN
+extremely	ADV
+dangerous	ADJ
+.	PUNCT
+
+Reports	NOUN
+from	ADP
+Port	PROPN
+Blair	PROPN
+make	VERB
+it	PRON
+evident	ADJ
+that	SCONJ
+New	PROPN
+Delhi	PROPN
+gets	VERB
+little	ADJ
+on	ADP
+-	PUNCT
+the	DET
+-	PUNCT
+ground	NOUN
+intelligence	NOUN
+,	PUNCT
+and	CCONJ
+the	DET
+Indian	ADJ
+Coast	PROPN
+Guard	PROPN
+is	AUX
+grossly	ADV
+unequipped	ADJ
+to	PART
+deal	VERB
+with	ADP
+the	DET
+surge	NOUN
+of	ADP
+illegal	ADJ
+migrants	NOUN
+to	ADP
+the	DET
+islands	NOUN
+.	PUNCT
+
+One	NUM
+unnamed	ADJ
+naval	ADJ
+officer	NOUN
+was	AUX
+quoted	VERB
+saying	VERB
+,	PUNCT
+"	PUNCT
+Arms	NOUN
+smuggling	NOUN
+is	AUX
+a	DET
+very	ADV
+profitable	ADJ
+business	NOUN
+in	ADP
+this	DET
+region	NOUN
+.	PUNCT
+"	PUNCT
+
+Considering	VERB
+the	DET
+islands	NOUN
+'	PART
+huge	ADJ
+strategic	ADJ
+importance	NOUN
+,	PUNCT
+it	PRON
+is	AUX
+amazing	ADJ
+how	ADV
+lax	ADJ
+New	PROPN
+Delhi	PROPN
+has	AUX
+been	VERB
+.	PUNCT
+
+These	DET
+islands	NOUN
+sit	VERB
+aside	ADP
+the	DET
+vital	ADJ
+sea	NOUN
+lanes	NOUN
+of	ADP
+the	DET
+Strait	PROPN
+of	ADP
+Malacca	PROPN
+,	PUNCT
+through	ADP
+which	PRON
+300	NUM
+tankers	NOUN
+and	CCONJ
+merchant	NOUN
+ships	NOUN
+pass	VERB
+daily	ADV
+,	PUNCT
+bringing	VERB
+in	ADV
+oil	NOUN
+for	ADP
+the	DET
+Far	PROPN
+East	PROPN
+and	CCONJ
+Southeast	PROPN
+Asia	PROPN
+.	PUNCT
+
+Intelligence	NOUN
+lapses	NOUN
+
+As	SCONJ
+the	DET
+implications	NOUN
+of	ADP
+the	DET
+Andaman	PROPN
+Islands	PROPN
+situation	NOUN
+sink	VERB
+in	ADV
+,	PUNCT
+Indian	ADJ
+intelligence	NOUN
+has	AUX
+inevitably	ADV
+come	VERB
+under	ADP
+scrutiny	NOUN
+.	PUNCT
+
+In	ADP
+recent	ADJ
+months	NOUN
+,	PUNCT
+its	PRON
+fallibility	NOUN
+has	AUX
+become	VERB
+evident	ADJ
+.	PUNCT
+
+The	DET
+inability	NOUN
+to	PART
+foresee	VERB
+in	ADP
+advance	NOUN
+the	DET
+assassination	NOUN
+attempt	NOUN
+on	ADP
+the	DET
+pro-India	ADJ
+political	ADJ
+leader	NOUN
+and	CCONJ
+former	ADJ
+Bangladeshi	ADJ
+prime	ADJ
+minister	NOUN
+Sheikh	PROPN
+Hasina	PROPN
+Wazed	PROPN
+last	ADJ
+August	PROPN
+21	NUM
+at	ADP
+a	DET
+political	ADJ
+rally	NOUN
+in	ADP
+Dhaka	PROPN
+,	PUNCT
+and	CCONJ
+the	DET
+recent	ADJ
+"	PUNCT
+coup	NOUN
+"	PUNCT
+by	ADP
+Nepalese	ADJ
+King	PROPN
+Gyanendra	PROPN
+dismissing	VERB
+his	PRON
+government	NOUN
+and	CCONJ
+imposing	VERB
+a	DET
+virtual	ADJ
+absolute	ADJ
+monarchy	NOUN
+,	PUNCT
+are	AUX
+glaring	ADJ
+examples	NOUN
+of	ADP
+intelligence	NOUN
+failure	NOUN
+.	PUNCT
+
+With	ADP
+growing	VERB
+economic	ADJ
+and	CCONJ
+military	ADJ
+power	NOUN
+,	PUNCT
+India	PROPN
+will	AUX
+be	AUX
+dependent	ADJ
+on	ADP
+smaller	ADJ
+nations	NOUN
+in	ADP
+the	DET
+region	NOUN
+increasingly	ADV
+to	PART
+maintain	VERB
+regional	ADJ
+security	NOUN
+.	PUNCT
+
+Unless	SCONJ
+New	PROPN
+Delhi	PROPN
+does	VERB
+better	ADV
+in	SCONJ
+providing	VERB
+security	NOUN
+to	ADP
+its	PRON
+own	ADJ
+nationals	NOUN
+against	ADP
+rebels	NOUN
+,	PUNCT
+secessionists	NOUN
+,	PUNCT
+drug	NOUN
+runners	NOUN
+and	CCONJ
+arms	NOUN
+traffickers	NOUN
+,	PUNCT
+it	PRON
+will	AUX
+not	PART
+generate	VERB
+much	ADJ
+confidence	NOUN
+in	ADP
+the	DET
+capitals	NOUN
+of	ADP
+surrounding	VERB
+nations	NOUN
+.	PUNCT
+
+In	ADP
+fact	NOUN
+,	PUNCT
+it	PRON
+would	AUX
+tend	VERB
+to	PART
+encourage	VERB
+more	ADV
+organized	ADJ
+anti-India	ADJ
+outfits	NOUN
+,	PUNCT
+such	ADJ
+as	ADP
+the	DET
+Pakistani	ADJ
+Inter-	X
+Services	PROPN
+Intelligence	PROPN
+(	PUNCT
+ISI	PROPN
+)	PUNCT
+and	CCONJ
+outside	ADV
+-	PUNCT
+linked	VERB
+Maoists	PROPN
+,	PUNCT
+to	PART
+exploit	VERB
+these	DET
+networks	NOUN
+and	CCONJ
+weaken	VERB
+India	PROPN
+'s	PART
+eastern	ADJ
+flank	NOUN
+.	PUNCT
+
+Indian	ADJ
+intelligence	NOUN
+'s	PART
+lackluster	ADJ
+performance	NOUN
+in	SCONJ
+dealing	VERB
+with	ADP
+the	DET
+LTTE	PROPN
+is	AUX
+startling	ADJ
+.	PUNCT
+
+This	DET
+formidable	ADJ
+enemy	NOUN
+,	PUNCT
+which	PRON
+gave	VERB
+the	DET
+Indian	ADJ
+army	NOUN
+a	DET
+black	ADJ
+eye	NOUN
+in	ADP
+the	DET
+mid-1980s	NOUN
+,	PUNCT
+has	AUX
+been	AUX
+operating	VERB
+in	ADP
+northeastern	ADJ
+India	PROPN
+and	CCONJ
+in	ADP
+the	DET
+Andaman	PROPN
+Sea	PROPN
+for	ADP
+a	DET
+long	ADJ
+time	NOUN
+.	PUNCT
+
+In	ADP
+2001	NUM
+,	PUNCT
+according	VERB
+to	ADP
+Indian	ADJ
+army	NOUN
+officials	NOUN
+,	PUNCT
+security	NOUN
+forces	NOUN
+launched	VERB
+a	DET
+wide	ADV
+-	PUNCT
+ranging	VERB
+operation	NOUN
+in	ADP
+the	DET
+300	NUM
+-	PUNCT
+some	DET
+inhabited	VERB
+islands	NOUN
+neighboring	VERB
+Andaman	PROPN
+and	CCONJ
+Nicobar	PROPN
+,	PUNCT
+and	CCONJ
+found	VERB
+huge	ADJ
+caches	NOUN
+of	ADP
+arms	NOUN
+.	PUNCT
+
+The	DET
+arms	NOUN
+were	AUX
+said	VERB
+to	PART
+belong	VERB
+to	ADP
+the	DET
+LTTE	PROPN
+and	CCONJ
+"	PUNCT
+other	ADJ
+terrorist	NOUN
+groups	NOUN
+"	PUNCT
+.	PUNCT
+
+The	DET
+search	VERB
+-	PUNCT
+and	CCONJ
+-	PUNCT
+destroy	VERB
+operation	NOUN
+was	AUX
+carried	VERB
+out	ADP
+by	ADP
+the	DET
+Indian	ADJ
+government	NOUN
+after	ADP
+repeated	VERB
+requests	NOUN
+from	ADP
+Colombo	PROPN
+.	PUNCT
+
+In	ADP
+addition	NOUN
+,	PUNCT
+LTTE	PROPN
+activity	NOUN
+in	ADP
+the	DET
+Andaman	PROPN
+Sea	PROPN
+is	AUX
+well	ADV
+known	ADJ
+to	ADP
+local	ADJ
+observers	NOUN
+.	PUNCT
+
+The	DET
+biggest	ADJ
+LTTE	PROPN
+maritime	ADJ
+disaster	NOUN
+was	AUX
+reported	VERB
+in	ADP
+the	DET
+now	ADV
+-	PUNCT
+defunct	ADJ
+Asiaweek	PROPN
+in	ADP
+2001	NUM
+.	PUNCT
+
+A	DET
+shipment	NOUN
+of	ADP
+weapons	NOUN
+,	PUNCT
+ammunition	NOUN
+and	CCONJ
+explosives	NOUN
+,	PUNCT
+believed	VERB
+to	PART
+have	AUX
+been	AUX
+purchased	VERB
+from	ADP
+Cambodia	PROPN
+and	CCONJ
+worth	ADJ
+several	ADJ
+million	NUM
+dollars	NOUN
+,	PUNCT
+left	VERB
+the	DET
+port	NOUN
+of	ADP
+Phuket	PROPN
+in	ADP
+Thailand	PROPN
+in	ADP
+early	ADJ
+February	PROPN
+2001	NUM
+aboard	ADP
+the	DET
+freighter	NOUN
+Comex	PROPN
+-	PUNCT
+Joux	PROPN
+3	NUM
+.	PUNCT
+
+As	SCONJ
+is	AUX
+LTTE	PROPN
+standard	ADJ
+procedure	NOUN
+,	PUNCT
+the	DET
+vessel	NOUN
+changed	VERB
+its	PRON
+name	NOUN
+at	ADP
+sea	NOUN
+to	ADP
+Horizon	PROPN
+.	PUNCT
+
+On	ADP
+its	PRON
+journey	NOUN
+across	ADP
+the	DET
+Bay	PROPN
+of	ADP
+Bengal	PROPN
+the	DET
+freighter	NOUN
+was	AUX
+tracked	VERB
+by	ADP
+the	DET
+Indian	ADJ
+navy	NOUN
+and	CCONJ
+Orissa	PROPN
+-	PUNCT
+based	VERB
+spy	NOUN
+planes	NOUN
+of	ADP
+India	PROPN
+'s	PART
+Aviation	PROPN
+Research	PROPN
+Center	PROPN
+;	PUNCT
+it	PRON
+was	AUX
+intercepted	VERB
+by	ADP
+Indian	ADJ
+naval	ADJ
+vessels	NOUN
+off	ADP
+Sri	PROPN
+Lanka	PROPN
+'s	PART
+east	ADJ
+coast	NOUN
+.	PUNCT
+
+LTTE	PROPN
+arms	NOUN
+-	PUNCT
+running	NOUN
+
+In	ADP
+1997	NUM
+,	PUNCT
+the	DET
+Thai	ADJ
+navy	NOUN
+reported	VERB
+the	DET
+interception	NOUN
+of	ADP
+a	DET
+16	NUM
+-	PUNCT
+meter	NOUN
+boat	NOUN
+after	ADP
+a	DET
+chase	NOUN
+off	ADP
+the	DET
+Thai	ADJ
+port	NOUN
+of	ADP
+Ranong	PROPN
+,	PUNCT
+and	CCONJ
+the	DET
+confiscation	NOUN
+of	ADP
+two	NUM
+tons	NOUN
+of	ADP
+weapons	NOUN
+and	CCONJ
+ammunition	NOUN
+.	PUNCT
+
+Among	ADP
+the	DET
+weapons	NOUN
+intercepted	VERB
+were	AUX
+two	NUM
+rocket	NOUN
+-	PUNCT
+propelled	VERB
+-	PUNCT
+grenade	NOUN
+launchers	NOUN
+,	PUNCT
+20	NUM
+assault	NOUN
+rifles	NOUN
+,	PUNCT
+M	NOUN
+-	PUNCT
+79	NUM
+grenade	NOUN
+launchers	NOUN
+and	CCONJ
+more	ADJ
+than	ADP
+10,000	NUM
+rounds	NOUN
+of	ADP
+ammunition	NOUN
+.	PUNCT
+
+Four	NUM
+persons	NOUN
+were	AUX
+arrested	VERB
+,	PUNCT
+reportedly	ADV
+belonging	VERB
+to	ADP
+the	DET
+Manipur	PROPN
+Revolutionary	PROPN
+People	PROPN
+'s	PART
+Front	PROPN
+.	PUNCT
+
+Six	NUM
+crew	NOUN
+members	NOUN
+were	AUX
+from	ADP
+the	DET
+Arakan	PROPN
+region	NOUN
+of	ADP
+Myanmar	PROPN
+.	PUNCT
+
+The	DET
+boat	NOUN
+was	AUX
+heading	VERB
+toward	ADP
+Cox	PROPN
+'s	PART
+Bazar	PROPN
+in	ADP
+Bangladesh	PROPN
+.	PUNCT
+
+Until	ADP
+1995	NUM
+the	DET
+LTTE	PROPN
+maintained	VERB
+a	DET
+base	NOUN
+at	ADP
+Twante	PROPN
+,	PUNCT
+an	DET
+island	NOUN
+off	ADP
+the	DET
+coat	NOUN
+of	ADP
+Myanmar	PROPN
+,	PUNCT
+west	ADV
+of	ADP
+the	DET
+Andaman	PROPN
+islands	NOUN
+.	PUNCT
+
+Subsequently	ADV
+,	PUNCT
+Phuket	PROPN
+became	VERB
+the	DET
+LTTE	PROPN
+'s	PART
+main	ADJ
+backup	NOUN
+base	NOUN
+.	PUNCT
+
+A	DET
+Sri	PROPN
+Lanka	PROPN
+-	PUNCT
+born	VERB
+Tamil	PROPN
+with	ADP
+a	DET
+Norwegian	ADJ
+passport	NOUN
+was	AUX
+arrested	VERB
+by	ADP
+Thai	ADJ
+authorities	NOUN
+in	ADP
+2000	NUM
+for	ADP
+his	PRON
+links	NOUN
+with	ADP
+the	DET
+LTTE	PROPN
+.	PUNCT
+
+At	ADP
+the	DET
+time	NOUN
+of	ADP
+his	PRON
+arrest	NOUN
+,	PUNCT
+the	DET
+suspect	NOUN
+was	AUX
+allegedly	ADV
+involved	ADJ
+in	SCONJ
+constructing	VERB
+a	DET
+"	PUNCT
+submarine	NOUN
+"	PUNCT
+in	ADP
+a	DET
+shipyard	NOUN
+on	ADP
+the	DET
+island	NOUN
+of	ADP
+Sirae	PROPN
+near	ADP
+Phuket	PROPN
+on	ADP
+the	DET
+Andaman	PROPN
+Sea	PROPN
+coast	NOUN
+.	PUNCT
+
+Steady	ADJ
+buildup	NOUN
+
+The	DET
+real	ADJ
+threat	NOUN
+to	ADP
+the	DET
+Andaman	PROPN
+Islands	NOUN
+is	AUX
+the	DET
+steady	ADJ
+building	NOUN
+-	PUNCT
+up	NOUN
+of	ADP
+ports	NOUN
+and	CCONJ
+conduits	NOUN
+that	PRON
+serve	VERB
+the	DET
+Tamil	PROPN
+Tigers	PROPN
+and	CCONJ
+a	DET
+host	NOUN
+of	ADP
+less	ADV
+-	PUNCT
+strong	ADJ
+militant	ADJ
+groups	NOUN
+.	PUNCT
+
+Over	ADP
+the	DET
+past	ADJ
+decade	NOUN
+,	PUNCT
+Bangladesh	PROPN
+has	AUX
+steadily	ADV
+moved	VERB
+into	ADP
+a	DET
+state	NOUN
+of	ADP
+lawlessness	NOUN
+.	PUNCT
+
+A	DET
+number	NOUN
+of	ADP
+extremist	NOUN
+groups	NOUN
+,	PUNCT
+under	ADP
+the	DET
+cover	NOUN
+of	ADP
+the	DET
+Islamist	PROPN
+movement	NOUN
+,	PUNCT
+have	AUX
+become	VERB
+active	ADJ
+in	ADP
+drug	NOUN
+trafficking	NOUN
+,	PUNCT
+gun	NOUN
+running	NOUN
+and	CCONJ
+anti-Indian	ADJ
+activities	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+widely	ADV
+acknowledged	VERB
+that	SCONJ
+the	DET
+Pakistani	ADJ
+ISI	PROPN
+has	AUX
+nurtured	VERB
+a	DET
+number	NOUN
+of	ADP
+extremist	NOUN
+Islamist	PROPN
+groups	NOUN
+,	PUNCT
+such	ADJ
+as	ADP
+the	DET
+Harkat	PROPN
+-	PUNCT
+ul	PROPN
+-	PUNCT
+Jehad	PROPN
+-	PUNCT
+al	PROPN
+-	PUNCT
+Islami	PROPN
+,	PUNCT
+in	ADP
+the	DET
+port	NOUN
+city	NOUN
+of	ADP
+Chittagong	PROPN
+,	PUNCT
+and	CCONJ
+put	VERB
+a	DET
+number	NOUN
+of	ADP
+secessionist	NOUN
+rebels	NOUN
+from	ADP
+India	PROPN
+'s	PART
+northeast	NOUN
+in	ADP
+touch	NOUN
+with	ADP
+this	DET
+terrorist	NOUN
+network	NOUN
+.	PUNCT
+
+As	ADP
+a	DET
+result	NOUN
+,	PUNCT
+north	ADV
+of	ADP
+the	DET
+Andaman	PROPN
+Islands	PROPN
+,	PUNCT
+Bangladeshi	ADJ
+coastal	NOUN
+areas	NOUN
+have	AUX
+become	VERB
+a	DET
+nest	NOUN
+of	ADP
+terrorists	NOUN
+involved	ADJ
+in	ADP
+the	DET
+shipment	NOUN
+of	ADP
+drugs	NOUN
+and	CCONJ
+arms	NOUN
+.	PUNCT
+
+A	DET
+pattern	NOUN
+of	ADP
+arrests	NOUN
+and	CCONJ
+seizures	NOUN
+indicate	VERB
+that	SCONJ
+arms	NOUN
+are	AUX
+brought	VERB
+by	ADP
+the	DET
+LTTE	PROPN
+from	ADP
+Laos	PROPN
+,	PUNCT
+Cambodia	PROPN
+and	CCONJ
+Thailand	PROPN
+into	ADP
+Chittagong	PROPN
+,	PUNCT
+from	ADP
+where	ADV
+they	PRON
+are	AUX
+transported	VERB
+northward	ADV
+by	ADP
+land	NOUN
+to	ADP
+Bhutan	PROPN
+.	PUNCT
+
+The	DET
+route	NOUN
+from	ADP
+Kalikhola	PROPN
+in	ADP
+Bhutan	PROPN
+to	ADP
+Cox	PROPN
+'s	PART
+Bazar	PROPN
+passes	VERB
+through	ADP
+northern	ADJ
+Bengal	PROPN
+,	PUNCT
+Assam	PROPN
+and	CCONJ
+Meghalaya	PROPN
+,	PUNCT
+and	CCONJ
+on	ADV
+into	ADP
+Chittagong	PROPN
+.	PUNCT
+
+Note	NOUN
+
+India	PROPN
+'s	PART
+Andaman	PROPN
+and	CCONJ
+Nicobar	PROPN
+Islands	PROPN
+comprise	VERB
+more	ADJ
+than	ADP
+500	NUM
+islands	NOUN
+lying	VERB
+1,000	NUM
+kilometers	NOUN
+east	ADV
+of	ADP
+Sri	PROPN
+Lanka	PROPN
+in	ADP
+the	DET
+Bay	PROPN
+of	ADP
+Bengal	PROPN
+.	PUNCT
+
+Stretching	VERB
+750	NUM
+kilometers	NOUN
+from	ADP
+end	NOUN
+to	ADP
+end	NOUN
+,	PUNCT
+they	PRON
+reach	VERB
+from	ADP
+near	ADP
+the	DET
+coast	NOUN
+of	ADP
+Myanmar	PROPN
+almost	ADV
+to	ADP
+Sumatra	PROPN
+in	ADP
+Indonesia	PROPN
+.	PUNCT
+
+The	DET
+Ten	PROPN
+Degree	PROPN
+Channel	PROPN
+divides	VERB
+the	DET
+Andamans	PROPN
+,	PUNCT
+which	PRON
+are	AUX
+the	DET
+larger	ADJ
+and	CCONJ
+more	ADV
+heavily	ADV
+populated	VERB
+northern	ADJ
+islands	NOUN
+,	PUNCT
+from	ADP
+the	DET
+20	NUM
+or	CCONJ
+so	ADV
+Nicobar	PROPN
+Islands	PROPN
+in	ADP
+the	DET
+south	NOUN
+.	PUNCT
+
+On	ADP
+South	PROPN
+Andaman	PROPN
+,	PUNCT
+the	DET
+most	ADV
+heavily	ADV
+populated	VERB
+island	NOUN
+,	PUNCT
+is	AUX
+Port	PROPN
+Blair	PROPN
+,	PUNCT
+which	PRON
+is	AUX
+the	DET
+capital	NOUN
+and	CCONJ
+the	DET
+only	ADV
+large	ADJ
+town	NOUN
+in	ADP
+the	DET
+entire	ADJ
+archipelago	NOUN
+.	PUNCT
+
+Travel	NOUN
+to	ADP
+the	DET
+Nicobar	PROPN
+Islands	PROPN
+is	AUX
+forbidden	ADJ
+to	ADP
+non-Indians	PROPN
+,	PUNCT
+and	CCONJ
+they	PRON
+are	AUX
+also	ADV
+not	PART
+allowed	VERB
+in	ADP
+some	DET
+parts	NOUN
+of	ADP
+South	PROPN
+Andaman	PROPN
+Island	PROPN
+.	PUNCT
+
+Ramtanu	PROPN
+Maitra	PROPN
+writes	VERB
+for	ADP
+a	DET
+number	NOUN
+of	ADP
+international	ADJ
+journals	NOUN
+and	CCONJ
+is	AUX
+a	DET
+regular	ADJ
+contributor	NOUN
+to	ADP
+the	DET
+Washington	PROPN
+-	PUNCT
+based	VERB
+EIR	PROPN
+and	CCONJ
+the	DET
+New	PROPN
+Delhi	PROPN
+-	PUNCT
+based	VERB
+Indian	PROPN
+Defense	PROPN
+Review	PROPN
+.	PUNCT
+
+He	PRON
+also	ADV
+writes	VERB
+for	ADP
+Aakrosh	PROPN
+,	PUNCT
+India	PROPN
+'s	PART
+defense	NOUN
+-	PUNCT
+tied	VERB
+quarterly	ADJ
+journal	NOUN
+.	PUNCT
+
+[	PUNCT
+Karzai	PROPN
+also	ADV
+has	VERB
+to	PART
+deal	VERB
+with	ADP
+the	DET
+stepped	VERB
+up	ADP
+rivalry	NOUN
+between	ADP
+India	PROPN
+and	CCONJ
+Pakistan	PROPN
+in	ADP
+Afghanistan	PROPN
+.	PUNCT
+
+Islamabad	PROPN
+accuses	VERB
+New	PROPN
+Delhi	PROPN
+of	SCONJ
+using	VERB
+its	PRON
+consulates	NOUN
+in	ADP
+Kandahar	PROPN
+and	CCONJ
+Jalalabad	PROPN
+to	PART
+train	VERB
+Balochi	ADJ
+insurgents	NOUN
+who	PRON
+are	AUX
+active	ADJ
+in	ADP
+Pakistani	ADJ
+Balochistan	PROPN
+.	PUNCT
+
+Pakistani	ADJ
+officials	NOUN
+claim	VERB
+there	PRON
+are	VERB
+as	ADV
+many	ADJ
+as	ADP
+42	NUM
+RAW	PROPN
+agents	NOUN
+based	VERB
+in	ADP
+Kandahar	PROPN
+and	CCONJ
+another	DET
+12	NUM
+in	ADP
+Jalalabad	PROPN
+.	PUNCT
+
+“	PUNCT
+There	PRON
+have	VERB
+no	DET
+business	NOUN
+being	AUX
+there	ADV
+unless	SCONJ
+they	PRON
+are	AUX
+undermining	VERB
+Pakistan	PROPN
+,	PUNCT
+’’	PUNCT
+says	VERB
+a	DET
+Pakistani	ADJ
+official	NOUN
+.	PUNCT
+
+Both	CCONJ
+India	PROPN
+and	CCONJ
+Afghanistan	PROPN
+deny	VERB
+the	DET
+claim	NOUN
+.	PUNCT
+
+‘’	PUNCT
+Should	AUX
+Pakistan	PROPN
+show	VERB
+us	PRON
+any	DET
+evidence	NOUN
+of	ADP
+an	DET
+Indian	ADJ
+hand	NOUN
+using	VERB
+Afghan	ADJ
+soil	NOUN
+to	PART
+work	VERB
+against	ADP
+our	PRON
+neighbours	NOUN
+we	PRON
+will	AUX
+take	VERB
+it	PRON
+very	ADV
+seriously	ADV
+,	PUNCT
+”	PUNCT
+says	VERB
+Amrullah	PROPN
+Saleh	PROPN
+the	DET
+head	NOUN
+of	ADP
+Afghanistan	PROPN
+’s	PART
+National	PROPN
+Security	PROPN
+Directorate	PROPN
+.	PUNCT
+]	PUNCT
+
+Karzai	PROPN
+,	PUNCT
+Musharraf	PROPN
+new	ADJ
+regional	ADJ
+equations	NOUN
+
+KABUL	PROPN
+:	PUNCT
+
+For	ADP
+the	DET
+past	ADJ
+25	NUM
+years	NOUN
+landlocked	ADJ
+Afghanistan	PROPN
+has	AUX
+suffered	VERB
+from	ADP
+constant	ADJ
+interference	NOUN
+from	ADP
+its	PRON
+neighbours	NOUN
+-	PUNCT
+Pakistan	PROPN
+,	PUNCT
+Iran	PROPN
+and	CCONJ
+the	DET
+Central	ADJ
+Asian	ADJ
+Republics	NOUN
+-	PUNCT
+and	CCONJ
+regional	ADJ
+powers	NOUN
+-	PUNCT
+Russia	PROPN
+and	CCONJ
+India	PROPN
+.	PUNCT
+
+The	DET
+neighbours	NOUN
+are	AUX
+still	ADV
+interfering	VERB
+,	PUNCT
+but	CCONJ
+there	PRON
+are	VERB
+signs	NOUN
+that	SCONJ
+rather	ADP
+than	SCONJ
+undermining	VERB
+Afghanistan	PROPN
+’s	PART
+stability	NOUN
+they	PRON
+may	AUX
+now	ADV
+be	AUX
+trying	VERB
+to	PART
+strengthen	VERB
+it	PRON
+.	PUNCT
+
+“	PUNCT
+The	DET
+elections	NOUN
+should	AUX
+be	AUX
+a	DET
+reassurance	NOUN
+to	ADP
+all	DET
+our	PRON
+neighbours	NOUN
+that	SCONJ
+a	DET
+stable	ADJ
+Afghanistan	PROPN
+,	PUNCT
+a	DET
+peaceful	ADJ
+Afghanistan	PROPN
+is	AUX
+good	ADJ
+for	ADP
+all	DET
+.	PUNCT
+
+Nobody	PRON
+should	AUX
+feel	VERB
+a	DET
+looser	NOUN
+in	ADP
+Afghanistan	PROPN
+,	PUNCT
+’’	PUNCT
+President	PROPN
+Hamid	PROPN
+Karzai	PROPN
+told	VERB
+Pakistan	PROPN
+’s	PART
+English	PROPN
+daily	NOUN
+The	DET
+Nation	PROPN
+.	PUNCT
+
+All	PUNCT
+the	DET
+regional	ADJ
+countries	NOUN
+have	AUX
+publicly	ADV
+backed	VERB
+the	DET
+Karzai	PROPN
+government	NOUN
+and	CCONJ
+supported	VERB
+the	DET
+electoral	ADJ
+process	NOUN
+,	PUNCT
+but	CCONJ
+serious	ADJ
+undercurrents	NOUN
+remain	VERB
+as	SCONJ
+they	PRON
+all	DET
+have	VERB
+their	PRON
+favourite	ADJ
+contenders	NOUN
+in	ADP
+Afghanistan	PROPN
+.	PUNCT
+
+Since	ADP
+September	PROPN
+11	NUM
+,	PUNCT
+Pakistan	PROPN
+has	AUX
+been	AUX
+repeatedly	ADV
+accused	VERB
+by	ADP
+Afghan	ADJ
+and	CCONJ
+Western	ADJ
+leaders	NOUN
+of	SCONJ
+harbouring	VERB
+Taliban	PROPN
+extremists	NOUN
+who	PRON
+had	AUX
+pledged	VERB
+to	PART
+disrupt	VERB
+the	DET
+elections	NOUN
+,	PUNCT
+but	CCONJ
+at	ADP
+the	DET
+highest	ADJ
+level	NOUN
+the	DET
+US	PROPN
+has	AUX
+avoided	VERB
+criticising	VERB
+President	PROPN
+Pervaiz	PROPN
+Musharraf	PROPN
+on	ADP
+the	DET
+grounds	NOUN
+that	SCONJ
+he	PRON
+is	AUX
+helping	VERB
+the	DET
+US	PROPN
+catch	VERB
+Al	PROPN
+Qaeda	PROPN
+elements	NOUN
+inside	ADP
+Pakistan	PROPN
+.	PUNCT
+
+That	PRON
+changed	VERB
+on	ADP
+September	PROPN
+22	NUM
+when	ADV
+President	PROPN
+George	PROPN
+W.	PROPN
+Bush	PROPN
+,	PUNCT
+Musharraf	PROPN
+and	CCONJ
+Karzai	PROPN
+held	VERB
+a	DET
+three	NUM
+way	NOUN
+meeting	NOUN
+in	ADP
+New	PROPN
+York	PROPN
+on	ADP
+the	DET
+sidelines	NOUN
+of	ADP
+the	DET
+UN	PROPN
+General	PROPN
+Assembly	PROPN
+.	PUNCT
+
+The	DET
+meeting	NOUN
+was	AUX
+pushed	VERB
+together	ADV
+by	ADP
+the	DET
+CIA	PROPN
+and	CCONJ
+the	DET
+US	PROPN
+Defence	PROPN
+Department	PROPN
+who	PRON
+were	AUX
+desperately	ADV
+anxious	ADJ
+to	PART
+secure	VERB
+a	DET
+peaceful	ADJ
+election	NOUN
+in	ADP
+Afghanistan	PROPN
+and	CCONJ
+the	DET
+non-interference	NOUN
+of	ADP
+alleged	ADJ
+Pakistani	ADJ
+backed	VERB
+Taliban	PROPN
+.	PUNCT
+
+Western	ADJ
+and	CCONJ
+Afghan	ADJ
+diplomats	NOUN
+intimately	ADV
+involved	ADJ
+with	ADP
+the	DET
+meeting	NOUN
+,	PUNCT
+said	VERB
+Bush	PROPN
+pushed	VERB
+Musharraf	PROPN
+hard	ADV
+on	SCONJ
+reigning	VERB
+in	ADP
+the	DET
+Taliban	PROPN
+so	SCONJ
+the	DET
+elections	NOUN
+could	AUX
+take	VERB
+place	NOUN
+peacefully	ADV
+.	PUNCT
+
+‘’	PUNCT
+Where	ADV
+are	AUX
+Mullah	PROPN
+Omar	PROPN
+,	PUNCT
+Mullah	PROPN
+Usmani	PROPN
+and	CCONJ
+Gulbuddin	PROPN
+Hikmetar	PROPN
+?	PUNCT
+’’	PUNCT
+
+Bush	PROPN
+is	AUX
+reported	VERB
+to	PART
+have	AUX
+asked	VERB
+a	DET
+flustered	ADJ
+Musharraf	PROPN
+.	PUNCT
+
+All	DET
+three	NUM
+are	AUX
+extremist	NOUN
+Taliban	PROPN
+or	CCONJ
+their	PRON
+allies	NOUN
+and	CCONJ
+known	VERB
+to	PART
+be	AUX
+living	VERB
+in	ADP
+Pakistan	PROPN
+.	PUNCT
+
+(	PUNCT
+Mullah	PROPN
+Omar	PROPN
+is	AUX
+leader	NOUN
+of	ADP
+the	DET
+Taliban	PROPN
+,	PUNCT
+Usmani	PROPN
+is	AUX
+the	DET
+former	ADJ
+corps	NOUN
+commander	NOUN
+of	ADP
+Kandahar	PROPN
+under	ADP
+the	DET
+Taliban	PROPN
+regime	NOUN
+and	CCONJ
+now	ADV
+a	DET
+commander	NOUN
+of	ADP
+Taliban	PROPN
+forces	NOUN
+while	SCONJ
+Hikmetyar	PROPN
+heads	VERB
+the	DET
+extremist	NOUN
+Hizb	PROPN
+-	PUNCT
+e	PROPN
+-	PUNCT
+Islami	PROPN
+.	PUNCT
+)	PUNCT
+
+‘’	PUNCT
+It	PRON
+was	AUX
+the	DET
+first	ADJ
+time	NOUN
+that	ADV
+Bush	PROPN
+totally	ADV
+focused	VERB
+on	ADP
+the	DET
+Taliban	PROPN
+threat	NOUN
+rather	ADP
+than	ADP
+Al	PROPN
+Qaeda	PROPN
+with	ADP
+the	DET
+Pakistanis	PROPN
+,	PUNCT
+’’	PUNCT
+says	VERB
+a	DET
+Western	ADJ
+diplomat	NOUN
+.	PUNCT
+
+‘’	PUNCT
+Bush	PROPN
+was	AUX
+very	ADV
+well	ADV
+briefed	VERB
+before	ADP
+the	DET
+meeting	NOUN
+,	PUNCT
+’’	PUNCT
+the	DET
+diplomat	NOUN
+said	VERB
+.	PUNCT
+
+An	DET
+Afghan	ADJ
+official	NOUN
+at	ADP
+the	DET
+meeting	NOUN
+added	VERB
+,	PUNCT
+‘’	PUNCT
+The	DET
+Americans	PROPN
+now	ADV
+realise	VERB
+that	SCONJ
+the	DET
+Taliban	PROPN
+are	AUX
+a	DET
+bigger	ADJ
+threat	NOUN
+to	ADP
+our	PRON
+security	NOUN
+than	ADP
+Al	PROPN
+Qaeda	PROPN
+.	PUNCT
+’’	PUNCT
+
+Karzai	PROPN
+was	AUX
+clearly	ADV
+pleased	ADJ
+at	ADP
+the	DET
+results	NOUN
+.	PUNCT
+
+‘’	PUNCT
+President	PROPN
+Musharraf	PROPN
+promised	VERB
+to	PART
+help	VERB
+us	PRON
+and	CCONJ
+cooperate	VERB
+with	ADP
+us	PRON
+on	SCONJ
+curbing	VERB
+terrorist	ADJ
+activity	NOUN
+by	ADP
+the	DET
+Taliban	PROPN
+,	PUNCT
+’’	PUNCT
+says	VERB
+Karzai	PROPN
+.	PUNCT
+
+The	DET
+next	ADJ
+day	NOUN
+an	DET
+angry	ADJ
+Musharraf	PROPN
+categorically	ADV
+said	VERB
+that	SCONJ
+Pakistan	PROPN
+would	AUX
+not	PART
+send	VERB
+Pakistani	ADJ
+troops	NOUN
+to	ADP
+Iraq	PROPN
+,	PUNCT
+a	DET
+clear	ADJ
+snub	NOUN
+to	ADP
+the	DET
+Americans	PROPN
+.	PUNCT
+
+Until	ADP
+then	ADV
+he	PRON
+had	AUX
+said	VERB
+Pakistan	PROPN
+’s	PART
+options	NOUN
+were	AUX
+open	ADJ
+.	PUNCT
+
+However	ADV
+Pakistani	ADJ
+officials	NOUN
+insist	VERB
+that	SCONJ
+the	DET
+decision	NOUN
+was	AUX
+unconnected	ADJ
+to	ADP
+the	DET
+tripartite	ADJ
+meeting	NOUN
+.	PUNCT
+
+US	PROPN
+and	CCONJ
+NATO	PROPN
+military	ADJ
+officers	NOUN
+in	ADP
+Kabul	PROPN
+say	VERB
+it	PRON
+is	AUX
+too	ADV
+early	ADJ
+to	PART
+say	VERB
+whether	SCONJ
+Bush	PROPN
+’s	PART
+tough	ADJ
+message	NOUN
+was	AUX
+instrumental	ADJ
+in	SCONJ
+persuading	VERB
+Musharraf	PROPN
+and	CCONJ
+the	DET
+ISI	PROPN
+to	PART
+pressure	VERB
+the	DET
+Taliban	PROPN
+to	PART
+restrain	VERB
+from	SCONJ
+disrupting	VERB
+the	DET
+elections	NOUN
+.	PUNCT
+
+However	ADV
+there	PRON
+were	VERB
+visible	ADJ
+signs	NOUN
+of	ADP
+a	DET
+crackdown	NOUN
+on	ADP
+the	DET
+Pakistan	PROPN
+side	NOUN
+.	PUNCT
+
+‘’	PUNCT
+Pakistan	PROPN
+now	ADV
+has	VERB
+a	DET
+large	ADJ
+force	NOUN
+deployed	VERB
+in	ADP
+Baluchistan	PROPN
+which	PRON
+was	AUX
+not	PART
+there	ADV
+before	ADV
+,	PUNCT
+’’	PUNCT
+says	VERB
+Lt.	PROPN
+General	PROPN
+David	PROPN
+Barno	PROPN
+.	PUNCT
+
+‘’	PUNCT
+There	PRON
+is	VERB
+much	ADV
+better	ADJ
+tactical	ADJ
+cooperation	NOUN
+between	ADP
+our	PRON
+forces	NOUN
+on	ADP
+both	DET
+sides	NOUN
+of	ADP
+the	DET
+border	NOUN
+,	PUNCT
+but	CCONJ
+the	DET
+movement	NOUN
+of	ADP
+Taliban	PROPN
+still	ADV
+goes	VERB
+on	ADP
+both	DET
+ways	NOUN
+,	PUNCT
+’’	PUNCT
+he	PRON
+adds	VERB
+.	PUNCT
+
+Also	ADV
+several	ADJ
+days	NOUN
+before	ADP
+the	DET
+elections	NOUN
+Pakistan	PROPN
+closed	VERB
+the	DET
+border	NOUN
+crossing	NOUN
+point	NOUN
+at	ADP
+Chaman	PROPN
+in	ADP
+Baluchistan	PROPN
+which	PRON
+is	AUX
+a	DET
+key	ADJ
+entry	NOUN
+point	NOUN
+for	ADP
+the	DET
+Taliban	PROPN
+into	ADP
+Afghanistan	PROPN
+.	PUNCT
+
+However	ADV
+US	PROPN
+military	ADJ
+officers	NOUN
+say	VERB
+regular	ADJ
+army	NOUN
+officers	NOUN
+-	PUNCT
+many	ADJ
+of	ADP
+them	PRON
+Pashtun	ADJ
+-	PUNCT
+leading	VERB
+units	NOUN
+of	ADP
+the	DET
+Frontier	PROPN
+Corps	PROPN
+who	PRON
+are	AUX
+on	ADP
+the	DET
+border	NOUN
+remain	VERB
+deeply	ADV
+sympathetic	ADJ
+to	ADP
+the	DET
+Taliban	PROPN
+and	CCONJ
+the	DET
+mullahs	NOUN
+of	ADP
+the	DET
+JUI	PROPN
+.	PUNCT
+
+At	ADP
+the	DET
+same	ADJ
+time	NOUN
+the	DET
+US	PROPN
+remains	VERB
+oblivious	ADJ
+of	ADP
+the	DET
+serious	ADJ
+problems	NOUN
+and	CCONJ
+political	ADJ
+fallout	NOUN
+which	PRON
+the	DET
+army	NOUN
+is	AUX
+facing	VERB
+in	ADP
+its	PRON
+operations	NOUN
+in	ADP
+Waziristan	PROPN
+.	PUNCT
+
+Not	ADV
+only	ADV
+is	AUX
+the	DET
+army	NOUN
+facing	VERB
+serious	ADJ
+political	ADJ
+fallout	NOUN
+,	PUNCT
+growing	VERB
+anti-Americanism	NOUN
+and	CCONJ
+anti-army	ADJ
+feeling	NOUN
+in	ADP
+the	DET
+tribal	ADJ
+areas	NOUN
+but	CCONJ
+it	PRON
+is	AUX
+also	ADV
+taking	VERB
+heavy	ADJ
+casualties	NOUN
+-	PUNCT
+between	ADP
+400	NUM
+-	SYM
+500	NUM
+Pakistani	ADJ
+soldiers	NOUN
+have	AUX
+been	AUX
+killed	VERB
+in	ADP
+the	DET
+region	NOUN
+since	ADP
+March	PROPN
+.	PUNCT
+
+Musharraf	PROPN
+has	AUX
+always	ADV
+maintained	VERB
+that	SCONJ
+the	DET
+US	PROPN
+has	AUX
+never	ADV
+provided	VERB
+actionable	ADJ
+intelligence	NOUN
+about	ADP
+Taliban	PROPN
+leaders	NOUN
+hiding	VERB
+in	ADP
+Baluchistan	PROPN
+.	PUNCT
+
+That	PRON
+too	ADV
+may	AUX
+change	VERB
+.	PUNCT
+
+US	PROPN
+and	CCONJ
+Afghan	ADJ
+intelligence	NOUN
+will	AUX
+shortly	ADV
+be	AUX
+presenting	VERB
+the	DET
+ISI	PROPN
+with	ADP
+a	DET
+list	NOUN
+of	ADP
+Taliban	PROPN
+extremists	NOUN
+and	CCONJ
+their	PRON
+suspected	VERB
+whereabouts	NOUN
+.	PUNCT
+
+Moreover	ADV
+there	PRON
+are	VERB
+now	ADV
+major	ADJ
+covert	ADJ
+attempts	NOUN
+under	ADP
+way	NOUN
+to	PART
+try	VERB
+and	CCONJ
+bring	VERB
+back	ADV
+to	ADP
+Kabul	PROPN
+leading	VERB
+Taliban	PROPN
+commanders	NOUN
+,	PUNCT
+who	PRON
+have	AUX
+been	AUX
+living	VERB
+quietly	ADV
+in	ADP
+Pakistan	PROPN
+and	CCONJ
+have	AUX
+taken	VERB
+no	DET
+part	NOUN
+in	ADP
+the	DET
+Taliban	PROPN
+insurgency	NOUN
+.	PUNCT
+
+With	ADP
+the	DET
+Taliban	PROPN
+failure	NOUN
+to	PART
+disrupt	VERB
+the	DET
+Afghan	ADJ
+elections	NOUN
+,	PUNCT
+the	DET
+militants	NOUN
+are	AUX
+even	ADV
+more	ADV
+isolated	ADJ
+from	ADP
+the	DET
+mainstream	ADJ
+Taliban	PROPN
+who	PRON
+want	VERB
+to	PART
+return	VERB
+home	ADV
+.	PUNCT
+
+Until	ADP
+now	ADV
+Pakistan	PROPN
+has	AUX
+not	PART
+facilitated	VERB
+such	DET
+a	DET
+return	NOUN
+and	CCONJ
+clearly	ADV
+it	PRON
+can	AUX
+not	PART
+happen	VERB
+until	SCONJ
+there	PRON
+is	VERB
+both	CCONJ
+a	DET
+pull	NOUN
+from	ADP
+Kabul	PROPN
+and	CCONJ
+a	DET
+push	NOUN
+from	ADP
+Islamabad	PROPN
+.	PUNCT
+
+With	ADP
+President	PROPN
+Karzai	PROPN
+certain	ADJ
+to	PART
+win	VERB
+the	DET
+elections	NOUN
+and	CCONJ
+the	DET
+demotion	NOUN
+of	ADP
+key	ADJ
+former	ADJ
+Northern	PROPN
+Alliance	PROPN
+figures	NOUN
+such	ADJ
+as	ADP
+General	PROPN
+Fahim	PROPN
+and	CCONJ
+warlord	NOUN
+Ismail	PROPN
+Khan	PROPN
+,	PUNCT
+there	PRON
+is	VERB
+now	ADV
+little	ADJ
+reason	NOUN
+for	SCONJ
+moderate	ADJ
+Taliban	PROPN
+leaders	NOUN
+to	PART
+fear	VERB
+reprisals	NOUN
+from	ADP
+former	ADJ
+Northern	PROPN
+Alliance	PROPN
+figures	NOUN
+if	SCONJ
+they	PRON
+return	VERB
+home	ADV
+.	PUNCT
+
+Their	PRON
+removal	NOUN
+should	AUX
+also	ADV
+provide	VERB
+increased	VERB
+motivation	NOUN
+for	SCONJ
+Pakistan	PROPN
+to	PART
+help	VERB
+the	DET
+return	NOUN
+of	ADP
+moderate	ADJ
+Taliban	PROPN
+.	PUNCT
+
+Afghan	ADJ
+officials	NOUN
+welcomed	VERB
+the	DET
+appointment	NOUN
+on	ADP
+October	PROPN
+3	NUM
+of	ADP
+Lt.	PROPN
+General	PROPN
+Ashfaq	PROPN
+Kiyani	PROPN
+as	ADP
+the	DET
+new	ADJ
+ISI	PROPN
+chief	NOUN
+.	PUNCT
+
+Kayani	PROPN
+is	AUX
+well	ADV
+known	VERB
+and	CCONJ
+liked	VERB
+in	ADP
+Kabul	PROPN
+as	SCONJ
+during	ADP
+the	DET
+last	ADJ
+year	NOUN
+he	PRON
+led	VERB
+the	DET
+Pakistani	ADJ
+delegation	NOUN
+in	ADP
+the	DET
+tripartite	ADJ
+military	ADJ
+meetings	NOUN
+with	ADP
+the	DET
+Afghan	ADJ
+and	CCONJ
+US	PROPN
+military	NOUN
+on	ADP
+issues	NOUN
+related	ADJ
+to	ADP
+border	NOUN
+issues	NOUN
+.	PUNCT
+
+Karzai	PROPN
+also	ADV
+has	VERB
+to	PART
+deal	VERB
+with	ADP
+the	DET
+stepped	VERB
+up	ADP
+rivalry	NOUN
+between	ADP
+India	PROPN
+and	CCONJ
+Pakistan	PROPN
+in	ADP
+Afghanistan	PROPN
+.	PUNCT
+
+Islamabad	PROPN
+accuses	VERB
+New	PROPN
+Delhi	PROPN
+of	SCONJ
+using	VERB
+its	PRON
+consulates	NOUN
+in	ADP
+Kandahar	PROPN
+and	CCONJ
+Jalalabad	PROPN
+to	PART
+train	VERB
+Balochi	ADJ
+insurgents	NOUN
+who	PRON
+are	AUX
+active	ADJ
+in	ADP
+Pakistani	ADJ
+Balochistan	PROPN
+.	PUNCT
+
+Pakistani	ADJ
+officials	NOUN
+claim	VERB
+there	PRON
+are	VERB
+as	ADV
+many	ADJ
+as	ADP
+42	NUM
+RAW	PROPN
+agents	NOUN
+based	VERB
+in	ADP
+Kandahar	PROPN
+and	CCONJ
+another	DET
+12	NUM
+in	ADP
+Jalalabad	PROPN
+.	PUNCT
+
+“	PUNCT
+There	PRON
+have	VERB
+no	DET
+business	NOUN
+being	AUX
+there	ADV
+unless	SCONJ
+they	PRON
+are	AUX
+undermining	VERB
+Pakistan	PROPN
+,	PUNCT
+’’	PUNCT
+says	VERB
+a	DET
+Pakistani	ADJ
+official	NOUN
+.	PUNCT
+
+Both	CCONJ
+India	PROPN
+and	CCONJ
+Afghanistan	PROPN
+deny	VERB
+the	DET
+claim	NOUN
+.	PUNCT
+
+‘’	PUNCT
+Should	AUX
+Pakistan	PROPN
+show	VERB
+us	PRON
+any	DET
+evidence	NOUN
+of	ADP
+an	DET
+Indian	ADJ
+hand	NOUN
+using	VERB
+Afghan	ADJ
+soil	NOUN
+to	PART
+work	VERB
+against	ADP
+our	PRON
+neighbours	NOUN
+we	PRON
+will	AUX
+take	VERB
+it	PRON
+very	ADV
+seriously	ADV
+,	PUNCT
+”	PUNCT
+says	VERB
+Amrullah	PROPN
+Saleh	PROPN
+the	DET
+head	NOUN
+of	ADP
+Afghanistan	PROPN
+’s	PART
+National	PROPN
+Security	PROPN
+Directorate	PROPN
+.	PUNCT
+
+Karzai	PROPN
+categorically	ADV
+said	VERB
+that	SCONJ
+he	PRON
+has	AUX
+assured	VERB
+Musharraf	PROPN
+repeatedly	ADV
+that	SCONJ
+any	DET
+adverse	ADJ
+action	NOUN
+against	ADP
+Pakistan	PROPN
+taken	VERB
+by	ADP
+Indian	ADJ
+diplomats	NOUN
+inside	ADP
+Afghanistan	PROPN
+would	AUX
+be	AUX
+acted	VERB
+upon	ADP
+swiftly	ADV
+.	PUNCT
+
+Senior	ADJ
+US	PROPN
+diplomats	NOUN
+and	CCONJ
+military	ADJ
+officials	NOUN
+have	AUX
+warned	VERB
+India	PROPN
+also	ADV
+.	PUNCT
+
+In	ADP
+a	DET
+major	ADJ
+regional	ADJ
+shift	NOUN
+reflecting	VERB
+the	DET
+newly	ADV
+strengthened	VERB
+position	NOUN
+of	ADP
+Karzai	PROPN
+,	PUNCT
+Iran	PROPN
+,	PUNCT
+Russia	PROPN
+and	CCONJ
+India	PROPN
+which	PRON
+have	AUX
+traditionally	ADV
+backed	VERB
+the	DET
+Tajik	PROPN
+dominated	VERB
+former	ADJ
+Northern	PROPN
+Alliance	PROPN
+made	VERB
+strenuous	ADJ
+efforts	NOUN
+to	PART
+convince	VERB
+presidential	ADJ
+candidate	NOUN
+Younis	PROPN
+Qanooni	PROPN
+to	PART
+strike	VERB
+a	DET
+deal	NOUN
+with	ADP
+Karzai	PROPN
+before	ADP
+the	DET
+elections	NOUN
+and	CCONJ
+not	PART
+to	PART
+oppose	VERB
+Karzai	PROPN
+.	PUNCT
+
+Iran	PROPN
+in	ADP
+particular	ADJ
+feared	VERB
+that	SCONJ
+Qanooni	PROPN
+would	AUX
+loose	VERB
+and	CCONJ
+then	ADV
+be	AUX
+politically	ADV
+isolated	VERB
+from	ADP
+the	DET
+mainstream	NOUN
+.	PUNCT
+
+Qanooni	PROPN
+refused	VERB
+to	PART
+accept	VERB
+the	DET
+Iranian	ADJ
+advice	NOUN
+as	SCONJ
+his	PRON
+fellow	ADJ
+Panjsheri	ADJ
+Tajiks	PROPN
+urged	VERB
+him	PRON
+to	PART
+stand	VERB
+against	ADP
+Karzai	PROPN
+.	PUNCT
+
+However	ADV
+since	ADP
+the	DET
+elections	NOUN
+Iranian	ADJ
+influence	NOUN
+has	AUX
+proved	VERB
+critical	ADJ
+in	SCONJ
+convincing	VERB
+the	DET
+Hazara	PROPN
+Shia	PROPN
+candidate	NOUN
+Mohammed	PROPN
+Mohaqeq	PROPN
+to	PART
+accept	VERB
+the	DET
+results	NOUN
+of	ADP
+the	DET
+elections	NOUN
+and	CCONJ
+later	ADV
+convincing	VERB
+Qanooni	PROPN
+to	PART
+do	VERB
+the	DET
+same	ADJ
+.	PUNCT
+
+With	SCONJ
+the	DET
+US	PROPN
+military	ADJ
+presence	NOUN
+posing	VERB
+a	DET
+threat	NOUN
+on	ADP
+their	PRON
+borders	NOUN
+in	ADP
+both	CCONJ
+Iraq	PROPN
+and	CCONJ
+Afghanistan	PROPN
+,	PUNCT
+Iran	PROPN
+’s	PART
+moderate	ADJ
+leadership	NOUN
+is	AUX
+keen	ADJ
+to	PART
+help	VERB
+stabilise	VERB
+Karzai	PROPN
+so	SCONJ
+that	SCONJ
+the	DET
+US	PROPN
+presence	NOUN
+in	ADP
+Afghanistan	PROPN
+is	AUX
+reduced	VERB
+.	PUNCT
+
+However	ADV
+powerful	ADJ
+hardliners	NOUN
+in	ADP
+Tehran	PROPN
+may	AUX
+be	AUX
+trying	VERB
+to	PART
+undermine	VERB
+that	DET
+strategy	NOUN
+and	CCONJ
+a	DET
+new	ADJ
+issue	NOUN
+is	AUX
+likely	ADJ
+to	PART
+deepen	VERB
+the	DET
+rift	NOUN
+with	ADP
+the	DET
+moderates	NOUN
+.	PUNCT
+
+Iranian	ADJ
+officials	NOUN
+are	AUX
+deeply	ADV
+concerned	ADJ
+about	ADP
+the	DET
+US	PROPN
+occupation	NOUN
+of	ADP
+Shindand	PROPN
+,	PUNCT
+a	DET
+massive	ADJ
+Soviet	PROPN
+-	PUNCT
+era	NOUN
+airbase	NOUN
+just	ADV
+30	NUM
+kilometres	NOUN
+from	ADP
+Iran	PROPN
+’s	PART
+border	NOUN
+.	PUNCT
+
+The	DET
+enhanced	VERB
+US	PROPN
+presence	NOUN
+in	ADP
+western	ADJ
+Afghanistan	PROPN
+was	AUX
+only	ADV
+made	VERB
+possible	ADJ
+after	ADP
+the	DET
+ousting	NOUN
+of	ADP
+Ismail	PROPN
+Khan	PROPN
+,	PUNCT
+the	DET
+warlord	NOUN
+and	CCONJ
+Governor	PROPN
+of	ADP
+Herat	PROPN
+province	NOUN
+last	ADJ
+month	NOUN
+,	PUNCT
+who	PRON
+was	AUX
+a	DET
+close	ADJ
+ally	NOUN
+of	ADP
+Iranian	ADJ
+hardliners	NOUN
+.	PUNCT
+
+Iranian	ADJ
+officials	NOUN
+say	VERB
+they	PRON
+made	VERB
+no	DET
+objections	NOUN
+to	ADP
+Khan	PROPN
+’s	PART
+ouster	NOUN
+because	SCONJ
+they	PRON
+want	VERB
+to	PART
+strengthen	VERB
+Karzai	PROPN
+’s	PART
+campaign	NOUN
+against	ADP
+warlords	NOUN
+.	PUNCT
+
+At	ADP
+a	DET
+time	NOUN
+of	ADP
+heightened	VERB
+tensions	NOUN
+between	ADP
+Tehran	PROPN
+and	CCONJ
+Washington	PROPN
+over	ADP
+Iran	PROPN
+’s	PART
+nuclear	ADJ
+weapons	NOUN
+program	NOUN
+and	CCONJ
+calls	NOUN
+by	ADP
+neo-conservatives	NOUN
+in	ADP
+Washington	PROPN
+that	SCONJ
+a	DET
+second	ADJ
+Bush	PROPN
+term	NOUN
+should	AUX
+deal	VERB
+with	ADP
+Iran	PROPN
+aggressively	ADV
+,	PUNCT
+the	DET
+Iranians	PROPN
+fear	VERB
+that	SCONJ
+Shindand	PROPN
+could	AUX
+be	AUX
+used	VERB
+as	ADP
+a	DET
+listening	NOUN
+post	NOUN
+,	PUNCT
+spying	NOUN
+facility	NOUN
+and	CCONJ
+even	ADV
+a	DET
+launching	NOUN
+pad	NOUN
+for	ADP
+any	DET
+future	ADJ
+US	PROPN
+actions	NOUN
+against	ADP
+Iran	PROPN
+.	PUNCT
+
+Afghan	ADJ
+officials	NOUN
+say	VERB
+the	DET
+Americans	PROPN
+have	AUX
+moved	VERB
+over	ADV
+100	NUM
+Special	ADJ
+Forces	NOUN
+and	CCONJ
+helicopters	NOUN
+to	ADP
+Shindand	PROPN
+.	PUNCT
+
+However	ADV
+General	PROPN
+Barno	PROPN
+insists	VERB
+the	DET
+US	PROPN
+presence	NOUN
+poses	VERB
+no	DET
+threat	NOUN
+to	ADP
+Iran	PROPN
+.	PUNCT
+
+‘’	PUNCT
+We	PRON
+have	VERB
+a	DET
+very	ADV
+small	ADJ
+number	NOUN
+of	ADP
+forces	NOUN
+in	ADP
+Shindand	PROPN
+with	ADP
+a	DET
+few	ADJ
+helicopters	NOUN
+,	PUNCT
+’’	PUNCT
+says	VERB
+Barno	PROPN
+.	PUNCT
+
+Nevertheless	ADV
+this	PRON
+places	VERB
+Karzai	PROPN
+in	ADP
+a	DET
+difficult	ADJ
+and	CCONJ
+sensitive	ADJ
+situation	NOUN
+because	SCONJ
+he	PRON
+has	VERB
+to	PART
+maintain	VERB
+excellent	ADJ
+relations	NOUN
+with	ADP
+both	CCONJ
+the	DET
+US	PROPN
+and	CCONJ
+Iran	PROPN
+.	PUNCT
+
+‘’	PUNCT
+Afghanistan	PROPN
+has	AUX
+had	VERB
+the	DET
+benefit	NOUN
+of	ADP
+cooperation	NOUN
+from	ADP
+both	CCONJ
+the	DET
+US	PROPN
+and	CCONJ
+Iran	PROPN
+.	PUNCT
+
+So	ADV
+far	ADV
+what	PRON
+they	PRON
+have	AUX
+done	VERB
+together	ADV
+has	AUX
+been	AUX
+good	ADJ
+for	ADP
+us	PRON
+and	CCONJ
+that	PRON
+’s	VERB
+how	ADV
+we	PRON
+would	AUX
+like	VERB
+to	PART
+keep	VERB
+it	PRON
+’’	PUNCT
+,	PUNCT
+says	VERB
+Karzai	PROPN
+.	PUNCT
+
+Nobody	PRON
+can	AUX
+claim	VERB
+that	SCONJ
+the	DET
+interference	NOUN
+of	ADP
+Afghanistan	PROPN
+’s	PART
+neighbours	NOUN
+is	AUX
+over	ADV
+,	PUNCT
+but	CCONJ
+the	DET
+elections	NOUN
+will	AUX
+do	VERB
+much	ADJ
+to	PART
+strengthen	VERB
+Karzai	PROPN
+and	CCONJ
+deal	VERB
+more	ADV
+firmly	ADV
+with	ADP
+neighbours	NOUN
+’	PART
+interference	NOUN
+.	PUNCT
+
+In	ADP
+the	DET
+post	X
+election	ADJ
+scenario	NOUN
+it	PRON
+is	AUX
+becoming	VERB
+abundantly	ADV
+clear	ADJ
+that	SCONJ
+the	DET
+Taliban	PROPN
+do	AUX
+not	PART
+have	VERB
+the	DET
+support	NOUN
+of	ADP
+the	DET
+Afghan	ADJ
+people	NOUN
+nor	CCONJ
+the	DET
+Afghan	ADJ
+Pashtuns	PROPN
+.	PUNCT
+
+In	ADP
+a	DET
+highly	ADV
+significant	ADJ
+move	NOUN
+Afghan	ADJ
+Pashtun	ADJ
+tribes	NOUN
+along	ADP
+the	DET
+Pakistan	PROPN
+border	NOUN
+warned	VERB
+the	DET
+Taliban	PROPN
+in	ADP
+Quetta	PROPN
+and	CCONJ
+Chaman	PROPN
+that	SCONJ
+if	SCONJ
+they	PRON
+try	VERB
+and	CCONJ
+disrupt	VERB
+the	DET
+elections	NOUN
+,	PUNCT
+they	PRON
+would	AUX
+be	AUX
+resisted	VERB
+.	PUNCT
+
+Many	ADJ
+Taliban	PROPN
+living	VERB
+in	ADP
+Afghanistan	PROPN
+voted	VERB
+for	ADP
+President	PROPN
+Karzai	PROPN
+.	PUNCT
+
+It	PRON
+is	AUX
+now	ADV
+abundantly	ADV
+clear	ADJ
+that	SCONJ
+with	ADP
+the	DET
+rapidly	ADV
+changing	VERB
+face	NOUN
+of	ADP
+Afghanistan	PROPN
+,	PUNCT
+the	DET
+demise	NOUN
+of	ADP
+key	ADJ
+Northern	PROPN
+Alliance	PROPN
+figures	NOUN
+and	CCONJ
+the	DET
+fluid	ADJ
+political	ADJ
+situation	NOUN
+in	ADP
+Afghanistan	PROPN
+,	PUNCT
+Pakistan	PROPN
+should	AUX
+reconsider	VERB
+its	PRON
+policy	NOUN
+of	SCONJ
+giving	VERB
+unlimited	ADJ
+sanctuary	NOUN
+to	ADP
+Taliban	PROPN
+extremists	NOUN
+living	VERB
+on	ADP
+Pakistani	ADJ
+soil	NOUN
+.	PUNCT
+
+Pakistan	PROPN
+Link	PROPN
+16/10/2004	NUM
+
+The	DET
+debate	NOUN
+that	PRON
+a	DET
+handful	NOUN
+of	ADP
+Texas	PROPN
+multi-millionnaires	NOUN
+close	ADJ
+to	ADP
+the	DET
+Bush	PROPN
+family	NOUN
+have	AUX
+cleverly	ADV
+manufactured	VERB
+over	ADP
+John	PROPN
+Kerry	PROPN
+'s	PART
+war	NOUN
+record	NOUN
+is	AUX
+absurd	ADJ
+in	ADP
+every	DET
+way	NOUN
+.	PUNCT
+
+The	DET
+charges	NOUN
+that	PRON
+they	PRON
+have	AUX
+put	VERB
+some	DET
+vets	NOUN
+up	ADP
+to	SCONJ
+making	VERB
+against	ADP
+Kerry	PROPN
+are	AUX
+false	ADJ
+and	CCONJ
+can	AUX
+be	AUX
+demonstrated	VERB
+by	ADP
+the	DET
+historical	ADJ
+record	NOUN
+to	PART
+be	AUX
+false	ADJ
+.	PUNCT
+
+Most	ADJ
+of	ADP
+those	PRON
+making	VERB
+the	DET
+charges	NOUN
+have	AUX
+even	ADV
+flip	VERB
+-	PUNCT
+flopped	VERB
+,	PUNCT
+contradicting	VERB
+themselves	PRON
+.	PUNCT
+
+Or	CCONJ
+they	PRON
+were	AUX
+n't	PART
+eyewitnesses	NOUN
+and	CCONJ
+are	AUX
+just	ADV
+lying	VERB
+.	PUNCT
+
+But	CCONJ
+to	PART
+address	VERB
+the	DET
+substance	NOUN
+of	ADP
+this	DET
+Big	ADJ
+Lie	NOUN
+is	VERB
+to	PART
+risk	VERB
+falling	VERB
+into	ADP
+its	PRON
+logic	NOUN
+.	PUNCT
+
+The	DET
+true	ADJ
+absurdity	NOUN
+of	ADP
+the	DET
+entire	ADJ
+situation	NOUN
+is	AUX
+easily	ADV
+appreciated	VERB
+when	ADV
+we	PRON
+consider	VERB
+that	SCONJ
+George	PROPN
+W.	PROPN
+Bush	PROPN
+never	ADV
+showed	VERB
+any	DET
+bravery	NOUN
+at	ADV
+all	ADV
+at	ADP
+any	DET
+point	NOUN
+in	ADP
+his	PRON
+life	NOUN
+.	PUNCT
+
+He	PRON
+has	AUX
+never	ADV
+lived	VERB
+in	ADP
+a	DET
+war	NOUN
+zone	NOUN
+.	PUNCT
+
+If	SCONJ
+some	DET
+of	ADP
+John	PROPN
+Kerry	PROPN
+'s	PART
+wounds	NOUN
+were	AUX
+superficial	ADJ
+,	PUNCT
+Bush	PROPN
+received	VERB
+no	DET
+wounds	NOUN
+.	PUNCT
+
+(	PUNCT
+And	CCONJ
+,	PUNCT
+a	DET
+piece	NOUN
+of	ADP
+shrapnel	NOUN
+in	ADP
+the	DET
+forearm	NOUN
+that	PRON
+caused	VERB
+only	ADV
+a	DET
+minor	ADJ
+wound	NOUN
+would	AUX
+have	AUX
+killed	VERB
+had	AUX
+it	PRON
+hit	VERB
+an	DET
+eye	NOUN
+and	CCONJ
+gone	VERB
+into	ADP
+the	DET
+brain	NOUN
+;	PUNCT
+the	DET
+shrapnel	NOUN
+being	AUX
+in	ADP
+your	PRON
+body	NOUN
+demonstrates	VERB
+you	PRON
+were	AUX
+in	ADP
+mortal	ADJ
+danger	NOUN
+and	CCONJ
+did	AUX
+n't	PART
+absent	VERB
+yourself	PRON
+from	ADP
+it	PRON
+.	PUNCT
+
+That	PRON
+is	AUX
+the	DET
+logic	NOUN
+of	ADP
+the	DET
+medal	NOUN
+)	PUNCT
+.	PUNCT
+
+Kerry	PROPN
+saved	VERB
+a	DET
+man	NOUN
+'s	PART
+life	NOUN
+while	SCONJ
+under	ADP
+fire	NOUN
+.	PUNCT
+
+Bush	PROPN
+did	VERB
+no	DET
+such	ADJ
+thing	NOUN
+.	PUNCT
+
+What	PRON
+was	AUX
+Bush	PROPN
+doing	VERB
+with	ADP
+his	PRON
+youth	NOUN
+?	PUNCT
+
+He	PRON
+was	AUX
+drinking	VERB
+.	PUNCT
+
+He	PRON
+was	AUX
+drinking	VERB
+like	ADP
+a	DET
+fish	NOUN
+,	PUNCT
+every	DET
+night	NOUN
+,	PUNCT
+into	ADP
+the	DET
+wee	ADJ
+hours	NOUN
+.	PUNCT
+
+For	ADP
+decades	NOUN
+.	PUNCT
+
+He	PRON
+gave	VERB
+no	DET
+service	NOUN
+to	ADP
+anyone	PRON
+,	PUNCT
+risked	VERB
+nothing	PRON
+,	PUNCT
+and	CCONJ
+did	AUX
+not	PART
+even	ADV
+slack	VERB
+off	ADP
+efficiently	ADV
+.	PUNCT
+
+The	DET
+history	NOUN
+of	ADP
+alcoholism	NOUN
+and	CCONJ
+possibly	ADV
+other	ADJ
+drug	NOUN
+use	NOUN
+is	AUX
+a	DET
+key	ADJ
+issue	NOUN
+because	SCONJ
+it	PRON
+not	ADV
+only	ADV
+speaks	VERB
+to	ADP
+Bush	PROPN
+'s	PART
+character	NOUN
+as	ADP
+an	DET
+addictive	ADJ
+personality	NOUN
+,	PUNCT
+but	CCONJ
+may	AUX
+tell	VERB
+us	PRON
+something	PRON
+about	ADP
+his	PRON
+erratic	ADJ
+and	CCONJ
+alarming	ADJ
+actions	NOUN
+as	ADP
+president	NOUN
+.	PUNCT
+
+His	PRON
+explosive	ADJ
+temper	NOUN
+probably	ADV
+provoked	VERB
+the	DET
+disastrous	ADJ
+siege	NOUN
+of	ADP
+Fallujah	PROPN
+last	ADJ
+spring	NOUN
+,	PUNCT
+killing	VERB
+600	NUM
+Iraqis	PROPN
+,	PUNCT
+most	ADJ
+of	ADP
+them	PRON
+women	NOUN
+and	CCONJ
+children	NOUN
+,	PUNCT
+in	ADP
+revenge	NOUN
+for	ADP
+the	DET
+deaths	NOUN
+of	ADP
+4	NUM
+civilian	ADJ
+mercenaries	NOUN
+,	PUNCT
+one	NUM
+of	ADP
+them	PRON
+a	DET
+South	PROPN
+African	PROPN
+.	PUNCT
+
+(	PUNCT
+Newsweek	PROPN
+reported	VERB
+that	SCONJ
+Bush	PROPN
+commanded	VERB
+his	PRON
+cabinet	NOUN
+,	PUNCT
+"	PUNCT
+Let	VERB
+heads	NOUN
+roll	VERB
+!	PUNCT
+"	PUNCT
+)	PUNCT
+
+That	DET
+temper	NOUN
+is	AUX
+only	ADV
+one	NUM
+problem	NOUN
+.	PUNCT
+
+Bush	PROPN
+has	VERB
+a	DET
+sadistic	ADJ
+streak	NOUN
+.	PUNCT
+
+He	PRON
+clearly	ADV
+enjoyed	VERB
+,	PUNCT
+as	ADP
+governor	NOUN
+,	PUNCT
+watching	VERB
+executions	NOUN
+.	PUNCT
+
+His	PRON
+delight	NOUN
+in	SCONJ
+killing	VERB
+people	NOUN
+became	VERB
+a	DET
+campaign	NOUN
+issue	NOUN
+in	ADP
+2000	NUM
+when	ADV
+he	PRON
+seemed	VERB
+,	PUNCT
+in	ADP
+one	NUM
+debate	NOUN
+,	PUNCT
+to	PART
+enjoy	VERB
+the	DET
+prospect	NOUN
+of	SCONJ
+executing	VERB
+wrong	ADJ
+-	PUNCT
+doers	NOUN
+a	DET
+little	ADJ
+too	ADV
+much	ADV
+.	PUNCT
+
+He	PRON
+has	AUX
+clearly	ADV
+gone	VERB
+on	ADP
+enjoying	VERB
+killing	VERB
+people	NOUN
+on	ADP
+a	DET
+large	ADJ
+scale	NOUN
+in	ADP
+Iraq	PROPN
+.	PUNCT
+
+Drug	NOUN
+abuse	NOUN
+can	AUX
+affect	VERB
+the	DET
+ability	NOUN
+of	ADP
+the	DET
+person	NOUN
+to	PART
+feel	VERB
+deep	ADJ
+emotions	NOUN
+like	ADP
+empathy	NOUN
+.	PUNCT
+
+Two	NUM
+decades	NOUN
+of	SCONJ
+pickling	VERB
+his	PRON
+nervous	ADJ
+system	NOUN
+in	ADP
+various	ADJ
+highly	ADV
+toxic	ADJ
+substances	NOUN
+have	AUX
+left	VERB
+Bush	PROPN
+damaged	VERB
+goods	NOUN
+.	PUNCT
+
+Even	ADV
+for	ADP
+those	PRON
+who	PRON
+later	ADV
+abstain	VERB
+,	PUNCT
+"	PUNCT
+visual	ADJ
+-	PUNCT
+spatial	ADJ
+abilities	NOUN
+,	PUNCT
+abstraction	NOUN
+,	PUNCT
+problem	NOUN
+solving	NOUN
+,	PUNCT
+and	CCONJ
+short	ADJ
+-	PUNCT
+term	NOUN
+memory	NOUN
+,	PUNCT
+are	AUX
+the	DET
+slowest	ADJ
+to	PART
+recover	VERB
+.	PUNCT
+"	PUNCT
+
+That	SCONJ
+he	PRON
+managed	VERB
+to	PART
+get	VERB
+on	ADP
+the	DET
+wagon	NOUN
+(	PUNCT
+though	SCONJ
+with	ADP
+that	DET
+pretzel	NOUN
+incident	NOUN
+,	PUNCT
+you	PRON
+wonder	VERB
+how	ADV
+firmly	ADV
+)	PUNCT
+is	AUX
+laudable	ADJ
+.	PUNCT
+
+But	CCONJ
+he	PRON
+suffers	VERB
+the	DET
+severe	ADJ
+effects	NOUN
+of	ADP
+the	DET
+aftermath	NOUN
+,	PUNCT
+and	CCONJ
+we	PRON
+are	AUX
+all	ADV
+suffering	VERB
+along	ADP
+with	ADP
+him	PRON
+now	ADV
+,	PUNCT
+since	SCONJ
+he	PRON
+is	AUX
+the	DET
+most	ADV
+powerful	ADJ
+man	NOUN
+in	ADP
+the	DET
+world	NOUN
+.	PUNCT
+
+We	PRON
+all	DET
+know	VERB
+by	ADP
+now	ADV
+that	SCONJ
+Bush	PROPN
+did	AUX
+not	PART
+even	ADV
+do	VERB
+his	PRON
+full	ADJ
+service	NOUN
+with	ADP
+the	DET
+Texas	PROPN
+Air	PROPN
+National	PROPN
+Guard	PROPN
+,	PUNCT
+absenting	VERB
+himself	PRON
+to	PART
+work	VERB
+on	ADP
+the	DET
+Alabama	PROPN
+senate	NOUN
+campaign	NOUN
+of	ADP
+Winton	PROPN
+"	PUNCT
+Red	PROPN
+"	PUNCT
+Blount	PROPN
+.	PUNCT
+
+Whether	SCONJ
+he	PRON
+was	AUX
+actually	ADV
+AWOL	ADJ
+during	ADP
+this	DET
+stint	NOUN
+is	AUX
+unclear	ADJ
+.	PUNCT
+
+But	CCONJ
+it	PRON
+is	AUX
+clear	ADJ
+that	SCONJ
+not	PART
+only	ADV
+did	AUX
+Bush	PROPN
+slack	VERB
+off	ADP
+on	ADP
+his	PRON
+National	PROPN
+Guard	PROPN
+service	NOUN
+,	PUNCT
+but	CCONJ
+he	PRON
+slacked	VERB
+off	ADP
+from	ADP
+his	PRON
+campaign	NOUN
+work	NOUN
+.	PUNCT
+
+This	DET
+little	ADV
+-	PUNCT
+noted	VERB
+interview	NOUN
+with	ADP
+Blount	PROPN
+'s	PART
+nephew	NOUN
+Murph	PROPN
+Archibald	PROPN
+,	PUNCT
+which	PRON
+appeared	VERB
+on	ADP
+National	PROPN
+Public	PROPN
+Radio	PROPN
+'s	PART
+"	PUNCT
+All	DET
+Things	PROPN
+Considered	VERB
+on	ADP
+March	PROPN
+30	NUM
+,	PUNCT
+2004	NUM
+,	PUNCT
+gives	VERB
+a	DET
+devastating	ADJ
+insight	NOUN
+into	SCONJ
+what	PRON
+it	PRON
+was	VERB
+like	ADP
+to	PART
+have	VERB
+to	PART
+suffer	VERB
+through	ADP
+Bush	PROPN
+in	ADP
+that	DET
+period	NOUN
+.	PUNCT
+
+"	PUNCT
+All	DET
+Things	PROPN
+Considered	VERB
+(	PUNCT
+8:00	NUM
+PM	NOUN
+ET	PROPN
+)	PUNCT
+-	PUNCT
+NPR	PROPN
+March	PROPN
+30	NUM
+,	PUNCT
+2004	NUM
+Tuesday	PROPN
+
+This	DET
+campaign	NOUN
+season	NOUN
+,	PUNCT
+there	PRON
+have	AUX
+been	VERB
+questions	NOUN
+about	SCONJ
+whether	SCONJ
+George	PROPN
+W.	PROPN
+Bush	PROPN
+fulfilled	VERB
+his	PRON
+obligations	NOUN
+to	ADP
+the	DET
+National	PROPN
+Guard	PROPN
+as	ADP
+a	DET
+young	ADJ
+lieutenant	NOUN
+in	ADP
+the	DET
+early	ADJ
+1970s	NOUN
+.	PUNCT
+
+For	ADP
+weeks	NOUN
+,	PUNCT
+reporters	NOUN
+scoured	VERB
+Alabama	PROPN
+in	ADP
+search	NOUN
+of	ADP
+pilots	NOUN
+or	CCONJ
+anyone	PRON
+who	PRON
+might	AUX
+have	AUX
+remembered	VERB
+seeing	VERB
+Mr.	PROPN
+Bush	PROPN
+at	ADP
+the	DET
+time	NOUN
+he	PRON
+was	AUX
+serving	VERB
+in	ADP
+the	DET
+National	PROPN
+Guard	PROPN
+there	ADV
+.	PUNCT
+
+There	PRON
+is	VERB
+one	NUM
+place	NOUN
+in	ADP
+Alabama	PROPN
+where	ADV
+Mr.	PROPN
+Bush	PROPN
+was	AUX
+present	ADJ
+nearly	ADV
+every	ADV
+day	NOUN
+:	PUNCT
+the	DET
+headquarters	NOUN
+in	ADP
+Montgomery	PROPN
+of	ADP
+US	PROPN
+Senate	PROPN
+candidate	NOUN
+Winton	PROPN
+"	PUNCT
+Red	PROPN
+"	PUNCT
+Blount	PROPN
+.	PUNCT
+
+President	PROPN
+Bush	PROPN
+has	AUX
+always	ADV
+said	VERB
+that	SCONJ
+working	VERB
+for	ADP
+Blount	PROPN
+was	AUX
+the	DET
+reason	NOUN
+he	PRON
+transferred	VERB
+to	ADP
+the	DET
+Alabama	PROPN
+Air	PROPN
+National	PROPN
+Guard	PROPN
+.	PUNCT
+
+NPR	PROPN
+'s	PART
+Wade	PROPN
+Goodwyn	PROPN
+has	VERB
+this	DET
+report	NOUN
+about	ADP
+Mr.	PROPN
+Bush	PROPN
+'s	PART
+time	NOUN
+on	ADP
+that	DET
+campaign	NOUN
+.	PUNCT
+
+WADE	PROPN
+GOODWYN	PROPN
+reporting	VERB
+:	PUNCT
+
+In	ADP
+1972	NUM
+,	PUNCT
+Baba	PROPN
+Groom	PROPN
+was	AUX
+a	DET
+smart	ADJ
+,	PUNCT
+funny	ADJ
+young	ADJ
+woman	NOUN
+smack	ADV
+-	PUNCT
+dab	ADV
+in	ADP
+the	DET
+middle	NOUN
+of	ADP
+an	DET
+exciting	ADJ
+US	PROPN
+Senate	PROPN
+campaign	NOUN
+.	PUNCT
+
+Groom	PROPN
+was	AUX
+Republican	PROPN
+Red	PROPN
+Blount	PROPN
+'s	PART
+scheduler	NOUN
+,	PUNCT
+and	CCONJ
+in	ADP
+that	DET
+job	NOUN
+,	PUNCT
+she	PRON
+was	AUX
+the	DET
+hub	NOUN
+in	ADP
+the	DET
+campaign	NOUN
+wheel	NOUN
+.	PUNCT
+
+Ask	VERB
+her	PRON
+about	ADP
+the	DET
+handsome	ADJ
+young	ADJ
+man	NOUN
+from	ADP
+Texas	PROPN
+,	PUNCT
+and	CCONJ
+she	PRON
+remembers	VERB
+him	PRON
+32	NUM
+years	NOUN
+later	ADV
+like	SCONJ
+it	PRON
+was	AUX
+yesterday	NOUN
+.	PUNCT
+
+Ms.	PROPN
+BABA	PROPN
+GROOM	PROPN
+(	PUNCT
+Former	ADJ
+Campaign	NOUN
+Worker	NOUN
+)	PUNCT
+:	PUNCT
+
+He	PRON
+would	AUX
+wear	VERB
+khaki	NOUN
+trousers	NOUN
+and	CCONJ
+some	DET
+old	ADJ
+jacket	NOUN
+.	PUNCT
+
+He	PRON
+was	AUX
+always	ADV
+ready	ADJ
+to	PART
+go	VERB
+out	ADV
+on	ADP
+the	DET
+road	NOUN
+.	PUNCT
+
+On	ADP
+the	DET
+phone	NOUN
+,	PUNCT
+you	PRON
+could	AUX
+hear	VERB
+his	PRON
+accent	NOUN
+.	PUNCT
+
+It	PRON
+was	AUX
+a	DET
+Texas	PROPN
+accent	NOUN
+.	PUNCT
+
+But	CCONJ
+he	PRON
+just	ADV
+melded	VERB
+with	ADP
+everybody	PRON
+.	PUNCT
+
+GOODWYN	PROPN
+:	PUNCT
+The	DET
+candidate	NOUN
+Mr.	PROPN
+Bush	PROPN
+was	AUX
+working	VERB
+for	ADP
+,	PUNCT
+Red	PROPN
+Blount	PROPN
+,	PUNCT
+had	AUX
+gotten	VERB
+rich	ADJ
+in	ADP
+Alabama	PROPN
+in	ADP
+the	DET
+construction	NOUN
+business	NOUN
+.	PUNCT
+
+Prominent	ADJ
+Southern	ADJ
+Republicans	PROPN
+were	AUX
+something	PRON
+of	ADP
+a	DET
+rare	ADJ
+breed	NOUN
+in	ADP
+those	DET
+days	NOUN
+.	PUNCT
+
+Blount	PROPN
+'s	PART
+support	NOUN
+of	ADP
+the	DET
+party	NOUN
+led	VERB
+him	PRON
+to	PART
+be	AUX
+appointed	VERB
+Richard	PROPN
+Nixon	PROPN
+'s	PART
+postmaster	PROPN
+general	PROPN
+.	PUNCT
+
+In	ADP
+Washington	PROPN
+,	PUNCT
+Blount	PROPN
+became	VERB
+friends	NOUN
+and	CCONJ
+tennis	NOUN
+partners	NOUN
+with	ADP
+Mr.	PROPN
+Bush	PROPN
+'s	PART
+father	NOUN
+,	PUNCT
+then	ADV
+Congressman	PROPN
+Bush	PROPN
+.	PUNCT
+
+That	PRON
+was	VERB
+how	ADV
+26	NUM
+-	PUNCT
+year	NOUN
+-	PUNCT
+old	ADJ
+Lieutenant	PROPN
+Bush	PROPN
+came	VERB
+to	ADP
+Montgomery	PROPN
+,	PUNCT
+at	ADP
+his	PRON
+father	NOUN
+'s	PART
+urging	NOUN
+.	PUNCT
+.	PUNCT
+.	PUNCT
+
+It	PRON
+was	AUX
+Mr.	PROPN
+Bush	PROPN
+'s	PART
+job	NOUN
+to	PART
+organize	VERB
+the	DET
+Republican	ADJ
+county	NOUN
+chairpersons	NOUN
+in	ADP
+the	DET
+67	NUM
+Alabama	PROPN
+counties	NOUN
+.	PUNCT
+
+Back	ADV
+in	ADP
+1972	NUM
+in	ADP
+the	DET
+Deep	ADJ
+South	NOUN
+,	PUNCT
+many	ADJ
+rural	ADJ
+counties	NOUN
+did	AUX
+n't	PART
+have	VERB
+much	ADJ
+in	ADP
+the	DET
+way	NOUN
+of	ADP
+official	ADJ
+Republican	PROPN
+Party	PROPN
+apparatus	NOUN
+.	PUNCT
+
+But	CCONJ
+throughout	ADP
+Alabama	PROPN
+,	PUNCT
+there	PRON
+were	VERB
+Republicans	PROPN
+and	CCONJ
+Democrats	PROPN
+who	PRON
+wanted	VERB
+to	PART
+help	VERB
+Red	PROPN
+Blount	PROPN
+.	PUNCT
+
+It	PRON
+was	AUX
+the	DET
+young	ADJ
+Texan	PROPN
+'s	PART
+job	NOUN
+to	PART
+find	VERB
+out	ADP
+what	PRON
+each	DET
+county	NOUN
+leader	NOUN
+needed	VERB
+in	ADP
+the	DET
+way	NOUN
+of	ADP
+campaign	NOUN
+supplies	NOUN
+and	CCONJ
+get	VERB
+those	DET
+supplies	NOUN
+to	ADP
+them	PRON
+.	PUNCT
+
+Groom	PROPN
+says	VERB
+this	DET
+job	NOUN
+helped	VERB
+Mr.	PROPN
+Bush	PROPN
+understand	VERB
+how	ADV
+even	ADV
+in	ADP
+a	DET
+statewide	ADJ
+Senate	PROPN
+campaign	NOUN
+,	PUNCT
+politics	NOUN
+are	AUX
+local	ADJ
+.	PUNCT
+
+.	PUNCT
+.	PUNCT
+.	PUNCT
+Murph	PROPN
+Archibald	PROPN
+is	AUX
+Red	PROPN
+Blount	PROPN
+'s	PART
+nephew	NOUN
+by	ADP
+marriage	NOUN
+,	PUNCT
+and	CCONJ
+in	ADP
+1972	NUM
+,	PUNCT
+he	PRON
+was	AUX
+coming	VERB
+off	ADP
+a	DET
+15	NUM
+-	PUNCT
+month	NOUN
+tour	NOUN
+in	ADP
+Vietnam	PROPN
+in	ADP
+the	DET
+infantry	NOUN
+.	PUNCT
+
+Archibald	PROPN
+says	VERB
+that	SCONJ
+in	ADP
+a	DET
+campaign	NOUN
+full	ADJ
+of	ADP
+dedicated	ADJ
+workers	NOUN
+,	PUNCT
+Mr.	PROPN
+Bush	PROPN
+was	AUX
+not	PART
+one	NUM
+of	ADP
+them	PRON
+.	PUNCT
+
+Mr.	PROPN
+MURPH	PROPN
+ARCHIBALD	PROPN
+(	PUNCT
+Nephew	NOUN
+of	ADP
+Red	PROPN
+Blount	PROPN
+)	PUNCT
+:	PUNCT
+Well	INTJ
+,	PUNCT
+I	PRON
+was	AUX
+coming	VERB
+in	ADV
+early	ADV
+in	ADP
+the	DET
+morning	NOUN
+and	CCONJ
+leaving	VERB
+in	ADP
+mid-evenings	NOUN
+.	PUNCT
+
+Ordinarily	ADV
+,	PUNCT
+George	PROPN
+would	AUX
+come	VERB
+in	ADV
+around	ADV
+noon	NOUN
+;	PUNCT
+he	PRON
+would	AUX
+ordinarily	ADV
+leave	VERB
+around	ADV
+5:30	NUM
+or	CCONJ
+6:00	NUM
+in	ADP
+the	DET
+evening	NOUN
+.	PUNCT
+
+GOODWYN	PROPN
+:	PUNCT
+Archibald	PROPN
+says	VERB
+that	SCONJ
+two	NUM
+months	NOUN
+before	ADP
+the	DET
+election	NOUN
+,	PUNCT
+in	ADP
+September	PROPN
+of	ADP
+'72	NUM
+,	PUNCT
+Red	PROPN
+Blount	PROPN
+'s	PART
+campaign	NOUN
+manager	NOUN
+came	VERB
+to	ADP
+him	PRON
+and	CCONJ
+asked	VERB
+that	SCONJ
+he	PRON
+quietly	ADV
+take	VERB
+over	ADP
+Mr.	PROPN
+Bush	PROPN
+'s	PART
+job	NOUN
+because	SCONJ
+the	DET
+campaign	NOUN
+materials	NOUN
+were	AUX
+not	PART
+getting	VERB
+out	ADV
+to	ADP
+the	DET
+counties	NOUN
+.	PUNCT
+
+Mr.	PROPN
+ARCHIBALD	PROPN
+:	PUNCT
+George	PROPN
+certainly	ADV
+did	AUX
+n't	PART
+seem	VERB
+to	PART
+have	VERB
+any	DET
+concerns	NOUN
+about	SCONJ
+my	PRON
+taking	VERB
+over	ADP
+this	DET
+work	NOUN
+with	ADP
+the	DET
+campaign	NOUN
+workers	NOUN
+there	ADV
+.	PUNCT
+
+My	PRON
+overall	ADJ
+impression	NOUN
+was	VERB
+that	SCONJ
+he	PRON
+did	AUX
+n't	PART
+seem	VERB
+as	ADV
+interested	ADJ
+in	ADP
+the	DET
+campaign	NOUN
+as	ADP
+the	DET
+other	ADJ
+people	NOUN
+who	PRON
+were	AUX
+working	VERB
+at	ADP
+the	DET
+state	NOUN
+headquarters	NOUN
+.	PUNCT
+
+GOODWYN	PROPN
+:	PUNCT
+Murph	PROPN
+Archibald	PROPN
+says	VERB
+that	SCONJ
+at	ADV
+first	ADV
+,	PUNCT
+he	PRON
+did	AUX
+n't	PART
+know	VERB
+that	SCONJ
+Mr.	PROPN
+Bush	PROPN
+was	AUX
+serving	VERB
+in	ADP
+the	DET
+Air	PROPN
+National	PROPN
+Guard	PROPN
+.	PUNCT
+
+After	SCONJ
+he	PRON
+found	VERB
+out	ADP
+from	ADP
+somebody	PRON
+else	ADJ
+,	PUNCT
+Archibald	PROPN
+attempted	VERB
+to	PART
+talk	VERB
+to	ADP
+Mr.	PROPN
+Bush	PROPN
+about	ADP
+it	PRON
+.	PUNCT
+
+The	DET
+president	PROPN
+was	AUX
+a	DET
+lieutenant	NOUN
+and	CCONJ
+Archibald	PROPN
+had	AUX
+been	AUX
+a	DET
+lieutenant	NOUN
+,	PUNCT
+too	ADV
+;	PUNCT
+he	PRON
+figured	VERB
+they	PRON
+had	VERB
+something	PRON
+to	PART
+talk	VERB
+about	ADP
+.	PUNCT
+
+Mr.	PROPN
+ARCHIBALD	PROPN
+:	PUNCT
+George	PROPN
+did	AUX
+n't	PART
+have	VERB
+any	DET
+interest	NOUN
+at	ADV
+all	ADV
+in	SCONJ
+talking	VERB
+about	ADP
+the	DET
+military	NOUN
+.	PUNCT
+
+In	ADP
+fact	NOUN
+,	PUNCT
+when	ADV
+I	PRON
+broached	VERB
+the	DET
+subject	NOUN
+with	ADP
+him	PRON
+,	PUNCT
+he	PRON
+simply	ADV
+changed	VERB
+the	DET
+subject	NOUN
+.	PUNCT
+
+He	PRON
+was	AUX
+n't	PART
+unpleasant	ADJ
+about	ADP
+it	PRON
+,	PUNCT
+but	CCONJ
+he	PRON
+just	ADV
+changed	VERB
+the	DET
+subject	NOUN
+and	CCONJ
+would	AUX
+n't	PART
+talk	VERB
+about	ADP
+it	PRON
+.	PUNCT
+
+GOODWYN	PROPN
+:	PUNCT
+Far	ADV
+from	ADP
+Texas	PROPN
+and	CCONJ
+Washington	PROPN
+,	PUNCT
+DC	PROPN
+,	PUNCT
+Mr.	PROPN
+Bush	PROPN
+enjoyed	VERB
+his	PRON
+freedom	NOUN
+.	PUNCT
+
+He	PRON
+dated	VERB
+a	DET
+beautiful	ADJ
+young	ADJ
+woman	NOUN
+working	VERB
+on	ADP
+the	DET
+campaign	NOUN
+.	PUNCT
+
+He	PRON
+went	VERB
+out	ADV
+in	ADP
+the	DET
+evenings	NOUN
+and	CCONJ
+had	VERB
+a	DET
+good	ADJ
+time	NOUN
+.	PUNCT
+
+In	ADP
+fact	NOUN
+,	PUNCT
+he	PRON
+left	VERB
+the	DET
+house	NOUN
+he	PRON
+rented	VERB
+in	ADP
+such	ADJ
+disrepair	NOUN
+--	PUNCT
+with	ADP
+damage	NOUN
+to	ADP
+the	DET
+walls	NOUN
+and	CCONJ
+a	DET
+chandelier	NOUN
+destroyed	VERB
+--	PUNCT
+that	SCONJ
+the	DET
+Montgomery	PROPN
+family	NOUN
+who	PRON
+owned	VERB
+it	PRON
+still	ADV
+grumble	VERB
+about	ADP
+the	DET
+unpaid	ADJ
+repair	NOUN
+bill	NOUN
+.	PUNCT
+
+Archibald	PROPN
+says	VERB
+Mr.	PROPN
+Bush	PROPN
+would	AUX
+come	VERB
+into	ADP
+the	DET
+office	NOUN
+and	CCONJ
+,	PUNCT
+in	ADP
+a	DET
+friendly	ADJ
+way	NOUN
+,	PUNCT
+offer	VERB
+up	ADP
+stories	NOUN
+about	ADP
+the	DET
+drinking	NOUN
+he	PRON
+'d	AUX
+done	VERB
+the	DET
+night	NOUN
+before	ADV
+,	PUNCT
+kind	ADV
+of	ADV
+as	ADP
+a	DET
+conversation	NOUN
+starter	NOUN
+.	PUNCT
+
+Mr.	PROPN
+ARCHIBALD	PROPN
+:	PUNCT
+People	NOUN
+have	VERB
+different	ADJ
+ways	NOUN
+of	SCONJ
+starting	VERB
+the	DET
+days	NOUN
+in	ADP
+any	DET
+office	NOUN
+.	PUNCT
+
+They	PRON
+'re	AUX
+going	VERB
+to	PART
+talk	VERB
+about	ADP
+their	PRON
+kids	NOUN
+,	PUNCT
+they	PRON
+'re	AUX
+going	VERB
+to	PART
+talk	VERB
+about	ADP
+football	NOUN
+,	PUNCT
+they	PRON
+'re	AUX
+going	VERB
+to	PART
+talk	VERB
+about	ADP
+the	DET
+weather	NOUN
+.	PUNCT
+
+And	CCONJ
+this	PRON
+was	AUX
+simply	ADV
+his	PRON
+opening	VERB
+gambit	NOUN
+;	PUNCT
+he	PRON
+would	AUX
+start	VERB
+talking	VERB
+about	SCONJ
+that	SCONJ
+he	PRON
+had	AUX
+been	AUX
+out	ADV
+late	ADV
+the	DET
+night	NOUN
+before	ADV
+drinking	VERB
+.	PUNCT
+
+GOODWYN	PROPN
+:	PUNCT
+Archibald	PROPN
+says	VERB
+the	DET
+frequency	NOUN
+with	ADP
+which	PRON
+Mr.	PROPN
+Bush	PROPN
+discussed	VERB
+the	DET
+subject	NOUN
+was	AUX
+off	ADV
+-	PUNCT
+putting	ADJ
+to	ADP
+him	PRON
+.	PUNCT
+
+Mr.	PROPN
+ARCHIBALD	PROPN
+:	PUNCT
+I	PRON
+mean	VERB
+,	PUNCT
+at	ADP
+that	DET
+time	NOUN
+,	PUNCT
+I	PRON
+was	AUX
+28	NUM
+;	PUNCT
+George	PROPN
+would	AUX
+have	AUX
+been	AUX
+25	NUM
+or	CCONJ
+26	NUM
+.	PUNCT
+
+And	CCONJ
+I	PRON
+thought	VERB
+it	PRON
+was	AUX
+really	ADV
+unusual	ADJ
+that	SCONJ
+someone	PRON
+in	ADP
+their	PRON
+mid-20s	NOUN
+would	AUX
+initiate	VERB
+conversations	NOUN
+,	PUNCT
+particularly	ADV
+in	ADP
+the	DET
+context	NOUN
+of	ADP
+something	PRON
+as	ADV
+serious	ADV
+as	ADP
+a	DET
+US	PROPN
+senatorial	ADJ
+campaign	NOUN
+,	PUNCT
+by	SCONJ
+talking	VERB
+about	ADP
+their	PRON
+drinking	NOUN
+the	DET
+night	NOUN
+before	ADV
+.	PUNCT
+
+I	PRON
+thought	VERB
+it	PRON
+unusual	ADJ
+and	CCONJ
+,	PUNCT
+frankly	ADV
+,	PUNCT
+inappropriate	ADJ
+.	PUNCT
+
+GOODWYN	PROPN
+:	PUNCT
+According	VERB
+to	ADP
+Archibald	PROPN
+,	PUNCT
+Mr.	PROPN
+Bush	PROPN
+would	AUX
+also	ADV
+sometimes	ADV
+tell	VERB
+stories	NOUN
+about	ADP
+his	PRON
+days	NOUN
+at	ADP
+Yale	PROPN
+in	ADP
+New	PROPN
+Haven	PROPN
+,	PUNCT
+and	CCONJ
+how	ADV
+whenever	ADV
+he	PRON
+got	AUX
+pulled	VERB
+over	ADV
+for	ADP
+erratic	ADJ
+driving	NOUN
+,	PUNCT
+he	PRON
+was	AUX
+let	VERB
+go	VERB
+after	SCONJ
+the	DET
+officers	NOUN
+discovered	VERB
+he	PRON
+was	AUX
+the	DET
+grandson	NOUN
+of	ADP
+a	DET
+Connecticut	PROPN
+US	PROPN
+senator	PROPN
+.	PUNCT
+
+Archibald	PROPN
+,	PUNCT
+a	DET
+middle	ADJ
+-	PUNCT
+class	NOUN
+Alabama	PROPN
+boy	NOUN
+--	PUNCT
+who	PRON
+,	PUNCT
+by	ADP
+the	DET
+way	NOUN
+,	PUNCT
+is	AUX
+now	ADV
+a	DET
+registered	VERB
+Democrat	PROPN
+--	PUNCT
+did	AUX
+n't	PART
+like	VERB
+that	DET
+story	NOUN
+.	PUNCT
+
+Mr.	PROPN
+ARCHIBALD	PROPN
+:	PUNCT
+He	PRON
+told	VERB
+us	PRON
+whenever	ADV
+he	PRON
+was	AUX
+stopped	VERB
+,	PUNCT
+as	ADV
+soon	ADV
+as	SCONJ
+the	DET
+law	NOUN
+enforcement	NOUN
+found	VERB
+out	ADP
+that	SCONJ
+he	PRON
+was	AUX
+the	DET
+grandson	NOUN
+of	ADP
+Prescott	PROPN
+Bush	PROPN
+,	PUNCT
+they	PRON
+would	AUX
+let	VERB
+him	PRON
+go	VERB
+.	PUNCT
+
+And	CCONJ
+he	PRON
+would	AUX
+always	ADV
+laugh	VERB
+about	ADP
+that	PRON
+.	PUNCT
+"	PUNCT
+
+Goodwyn	PROPN
+dutifully	ADV
+notes	VERB
+that	SCONJ
+Baba	PROPN
+Groom	PROPN
+did	AUX
+n't	PART
+remember	VERB
+George	PROPN
+telling	VERB
+drunk	ADJ
+stories	NOUN
+.	PUNCT
+
+But	CCONJ
+that	PRON
+means	VERB
+nothing	PRON
+,	PUNCT
+since	SCONJ
+they	PRON
+were	AUX
+n't	PART
+the	DET
+sort	NOUN
+of	ADP
+things	NOUN
+guys	NOUN
+like	ADP
+Bush	PROPN
+told	VERB
+the	DET
+"	PUNCT
+girls	NOUN
+"	PUNCT
+.	PUNCT
+
+He	PRON
+was	AUX
+trying	VERB
+to	PART
+buddy	VERB
+with	ADP
+Archibald	PROPN
+and	CCONJ
+impress	VERB
+him	PRON
+.	PUNCT
+
+Again	ADV
+,	PUNCT
+decades	NOUN
+of	ADP
+this	DET
+sort	NOUN
+of	ADP
+behavior	NOUN
+do	AUX
+not	PART
+leave	VERB
+a	DET
+person	NOUN
+untouched	ADJ
+.	PUNCT
+
+Our	PRON
+world	NOUN
+is	AUX
+in	ADP
+crisis	NOUN
+and	CCONJ
+our	PRON
+Republic	NOUN
+is	AUX
+in	ADP
+danger	NOUN
+.	PUNCT
+
+It	PRON
+should	AUX
+not	PART
+be	AUX
+left	VERB
+in	ADP
+the	DET
+hands	NOUN
+of	ADP
+a	DET
+man	NOUN
+who	PRON
+spent	VERB
+his	PRON
+life	NOUN
+like	ADP
+this	PRON
+.	PUNCT
+
+When	ADV
+the	DET
+cities	NOUN
+are	AUX
+on	ADP
+fire	NOUN
+with	ADP
+the	DET
+burning	VERB
+flesh	NOUN
+of	ADP
+men	NOUN
+
+Just	ADV
+remember	VERB
+that	SCONJ
+death	NOUN
+is	AUX
+not	PART
+the	DET
+end	NOUN
+
+And	CCONJ
+you	PRON
+search	VERB
+in	ADP
+vain	ADJ
+to	PART
+find	VERB
+just	ADV
+one	NUM
+law	NOUN
+abiding	VERB
+citizen	NOUN
+
+Just	ADV
+remember	VERB
+that	SCONJ
+death	NOUN
+is	AUX
+not	PART
+the	DET
+end	NOUN
+-	PUNCT
+Bob	PROPN
+Dylan	PROPN
+
+Afraid	ADJ
+I	PRON
+do	AUX
+n't	PART
+have	VERB
+time	NOUN
+today	NOUN
+to	PART
+discuss	VERB
+these	PRON
+,	PUNCT
+but	CCONJ
+some	DET
+stories	NOUN
+need	VERB
+attention	NOUN
+:	PUNCT
+
+From	ADP
+Wednesday	PROPN
+'s	PART
+Mirror	PROPN
+the	DET
+headline	NOUN
+,	PUNCT
+"	PUNCT
+Have	AUX
+200,000	NUM
+AK47s	NOUN
+Fallen	VERB
+Into	ADP
+the	DET
+Hands	NOUN
+of	ADP
+Iraq	PROPN
+Terrorists	NOUN
+?	PUNCT
+"	PUNCT
+
+(	PUNCT
+also	ADV
+see	VERB
+this	DET
+thread	NOUN
+on	ADP
+the	DET
+RI	PROPN
+discussion	NOUN
+board	NOUN
+)	PUNCT
+:	PUNCT
+
+Some	DET
+200,000	NUM
+guns	NOUN
+the	DET
+US	PROPN
+sent	VERB
+to	ADP
+Iraqi	ADJ
+security	NOUN
+forces	NOUN
+may	AUX
+have	AUX
+been	AUX
+smuggled	VERB
+to	ADP
+terrorists	NOUN
+,	PUNCT
+it	PRON
+was	AUX
+feared	VERB
+yesterday	NOUN
+.	PUNCT
+
+The	DET
+99	NUM
+-	PUNCT
+tonne	NOUN
+cache	NOUN
+of	ADP
+AK47s	NOUN
+was	VERB
+to	PART
+have	AUX
+been	AUX
+secretly	ADV
+flown	VERB
+out	ADV
+from	ADP
+a	DET
+US	PROPN
+base	NOUN
+in	ADP
+Bosnia	PROPN
+.	PUNCT
+
+But	CCONJ
+the	DET
+four	NUM
+planeloads	NOUN
+of	ADP
+arms	NOUN
+have	AUX
+vanished	VERB
+.	PUNCT
+
+Orders	NOUN
+for	SCONJ
+the	DET
+deal	NOUN
+to	PART
+go	VERB
+ahead	ADV
+were	AUX
+given	VERB
+by	ADP
+the	DET
+US	PROPN
+Department	PROPN
+of	ADP
+Defense	PROPN
+.	PUNCT
+
+But	CCONJ
+the	DET
+work	NOUN
+was	AUX
+contracted	VERB
+out	ADP
+via	ADP
+a	DET
+complex	ADJ
+web	NOUN
+of	ADP
+private	ADJ
+arms	NOUN
+traders	NOUN
+.	PUNCT
+
+And	CCONJ
+the	DET
+Moldovan	ADJ
+airline	NOUN
+used	VERB
+to	PART
+transport	VERB
+the	DET
+shipment	NOUN
+was	AUX
+blasted	VERB
+by	ADP
+the	DET
+UN	PROPN
+in	ADP
+2003	NUM
+for	SCONJ
+smuggling	VERB
+arms	NOUN
+to	ADP
+Liberia	PROPN
+,	PUNCT
+human	ADJ
+rights	NOUN
+group	NOUN
+Amnesty	PROPN
+has	AUX
+discovered	VERB
+.	PUNCT
+
+It	PRON
+follows	VERB
+a	DET
+separate	ADJ
+probe	NOUN
+claiming	VERB
+that	SCONJ
+thousands	NOUN
+of	ADP
+guns	NOUN
+meant	VERB
+for	ADP
+Iraq	PROPN
+'s	PART
+police	NOUN
+and	CCONJ
+army	NOUN
+instead	ADV
+went	VERB
+to	ADP
+al	PROPN
+-	PUNCT
+Qaeda	PROPN
+.	PUNCT
+
+Amnesty	PROPN
+chief	ADJ
+spokesman	NOUN
+Mike	PROPN
+Blakemore	PROPN
+said	VERB
+:	PUNCT
+"	PUNCT
+It	PRON
+'s	AUX
+unbelievable	ADJ
+that	SCONJ
+no	DET
+one	NOUN
+can	AUX
+account	VERB
+for	ADP
+200,000	NUM
+assault	NOUN
+rifles	NOUN
+.	PUNCT
+
+If	SCONJ
+these	DET
+weapons	NOUN
+have	AUX
+gone	VERB
+missing	ADJ
+it	PRON
+'s	AUX
+a	DET
+terrifying	ADJ
+prospect	NOUN
+.	PUNCT
+"	PUNCT
+
+American	ADJ
+defence	NOUN
+chiefs	NOUN
+hired	VERB
+a	DET
+US	PROPN
+firm	NOUN
+to	PART
+take	VERB
+the	DET
+guns	NOUN
+,	PUNCT
+from	ADP
+the	DET
+90s	NOUN
+Bosnian	ADJ
+war	NOUN
+,	PUNCT
+to	ADP
+Iraq	PROPN
+.	PUNCT
+
+But	CCONJ
+air	NOUN
+traffic	NOUN
+controllers	NOUN
+in	ADP
+Baghdad	PROPN
+have	VERB
+no	DET
+record	NOUN
+of	ADP
+the	DET
+flights	NOUN
+,	PUNCT
+which	PRON
+supposedly	ADV
+took	VERB
+off	ADP
+between	ADP
+July	PROPN
+2004	NUM
+and	CCONJ
+July	PROPN
+2005	NUM
+.	PUNCT
+
+A	DET
+coalition	NOUN
+forces	NOUN
+spokesman	NOUN
+confirmed	VERB
+they	PRON
+had	AUX
+not	PART
+received	VERB
+"	PUNCT
+any	DET
+weapons	NOUN
+from	ADP
+Bosnia	PROPN
+"	PUNCT
+and	CCONJ
+added	VERB
+they	PRON
+were	AUX
+"	PUNCT
+not	PART
+aware	ADJ
+of	ADP
+any	DET
+purchases	NOUN
+for	ADP
+Iraq	PROPN
+from	ADP
+Bosnia	PROPN
+"	PUNCT
+.	PUNCT
+
+Nato	PROPN
+and	CCONJ
+US	PROPN
+officials	NOUN
+have	AUX
+already	ADV
+voiced	VERB
+fears	NOUN
+that	SCONJ
+Bosnian	ADJ
+arms	NOUN
+-	PUNCT
+sold	VERB
+by	ADP
+US	PROPN
+,	PUNCT
+British	ADJ
+and	CCONJ
+Swiss	ADJ
+firms	NOUN
+-	PUNCT
+are	AUX
+being	AUX
+passed	VERB
+to	ADP
+insurgents	NOUN
+.	PUNCT
+
+A	DET
+NATO	PROPN
+spokesman	NOUN
+said	VERB
+:	PUNCT
+"	PUNCT
+There	PRON
+'s	VERB
+no	DET
+tracking	NOUN
+mechanism	NOUN
+to	PART
+ensure	VERB
+they	PRON
+do	AUX
+n't	PART
+fall	VERB
+into	ADP
+the	DET
+wrong	ADJ
+hands	NOUN
+.	PUNCT
+
+There	PRON
+are	VERB
+concerns	NOUN
+that	SCONJ
+some	DET
+may	AUX
+have	AUX
+been	AUX
+siphoned	VERB
+off	ADP
+.	PUNCT
+"	PUNCT
+
+This	DET
+year	NOUN
+a	DET
+newspaper	NOUN
+claimed	VERB
+two	NUM
+UK	PROPN
+firms	NOUN
+were	AUX
+involved	ADJ
+in	ADP
+a	DET
+deal	NOUN
+in	ADP
+which	PRON
+thousands	NOUN
+of	ADP
+guns	NOUN
+for	ADP
+Iraqi	ADJ
+forces	NOUN
+were	AUX
+re-routed	VERB
+to	ADP
+al	PROPN
+-	PUNCT
+Qaeda	PROPN
+.	PUNCT
+
+The	DET
+Moldovan	ADJ
+airline	NOUN
+is	AUX
+Aerocom	PROPN
+,	PUNCT
+and	CCONJ
+yes	INTJ
+,	PUNCT
+it	PRON
+'s	AUX
+one	NUM
+of	ADP
+Victor	PROPN
+Bout	PROPN
+'s	PART
+.	PUNCT
+
+It	PRON
+'s	AUX
+always	ADV
+a	DET
+bang	VERB
+-	PUNCT
+your	PRON
+-	PUNCT
+head	NOUN
+-	PUNCT
+against	ADP
+-	PUNCT
+the	DET
+-	PUNCT
+wall	NOUN
+moment	NOUN
+,	PUNCT
+reading	VERB
+again	ADV
+the	DET
+play	NOUN
+the	DET
+incompetence	NOUN
+theory	NOUN
+receives	VERB
+,	PUNCT
+even	ADV
+from	ADP
+some	DET
+of	ADP
+the	DET
+Administration	NOUN
+'s	PART
+harshest	ADJ
+mainstream	ADJ
+critics	NOUN
+.	PUNCT
+
+But	CCONJ
+then	ADV
+,	PUNCT
+even	ADV
+to	PART
+talk	VERB
+of	ADP
+an	DET
+"	PUNCT
+administration	NOUN
+"	PUNCT
+may	AUX
+be	AUX
+misdirection	NOUN
+at	ADP
+this	DET
+point	NOUN
+,	PUNCT
+given	VERB
+how	ADV
+little	ADJ
+representative	ADJ
+government	NOUN
+means	VERB
+in	ADP
+the	DET
+United	PROPN
+States	PROPN
+these	DET
+days	NOUN
+,	PUNCT
+and	CCONJ
+how	ADV
+much	ADJ
+of	ADP
+"	PUNCT
+national	ADJ
+security	NOUN
+"	PUNCT
+has	AUX
+been	AUX
+privatized	VERB
+into	ADP
+a	DET
+global	ADJ
+gangland	NOUN
+of	ADP
+drugs	NOUN
+and	CCONJ
+guns	NOUN
+.	PUNCT
+
+Like	ADP
+the	DET
+tens	NOUN
+of	ADP
+billions	NOUN
+of	ADP
+dollars	NOUN
+that	PRON
+have	AUX
+been	AUX
+"	PUNCT
+lost	VERB
+"	PUNCT
+in	ADP
+Iraq	PROPN
+,	PUNCT
+planeloads	NOUN
+of	ADP
+arms	NOUN
+do	AUX
+n't	PART
+just	ADV
+"	PUNCT
+vanish	VERB
+"	PUNCT
+;	PUNCT
+not	ADV
+when	ADV
+the	DET
+Pentagon	PROPN
+contracts	VERB
+the	DET
+work	NOUN
+to	ADP
+an	DET
+international	ADJ
+criminal	NOUN
+of	ADP
+Bout	PROPN
+'s	PART
+untouchable	ADJ
+stature	NOUN
+.	PUNCT
+
+But	CCONJ
+Bout	PROPN
+'s	PART
+name	NOUN
+is	AUX
+n't	PART
+likely	ADJ
+to	PART
+be	AUX
+mentioned	VERB
+in	SCONJ
+whatever	DET
+coverage	NOUN
+this	DET
+story	NOUN
+receives	VERB
+,	PUNCT
+before	SCONJ
+it	PRON
+sinks	VERB
+like	ADP
+so	ADV
+many	ADJ
+others	NOUN
+beneath	ADP
+the	DET
+media	NOUN
+'s	PART
+frothing	VERB
+triviality	NOUN
+.	PUNCT
+
+Meanwhile	ADV
+,	PUNCT
+a	DET
+decision	NOUN
+'s	AUX
+been	AUX
+reached	VERB
+in	ADP
+the	DET
+trial	NOUN
+of	ADP
+Toledo	PROPN
+priest	NOUN
+Gerald	PROPN
+Robinson	PROPN
+.	PUNCT
+
+And	CCONJ
+it	PRON
+'s	AUX
+guilty	NOUN
+:	PUNCT
+
+The	DET
+Rev.	PROPN
+Gerald	PROPN
+Robinson	PROPN
+appeared	VERB
+stony	ADJ
+-	PUNCT
+faced	ADJ
+as	SCONJ
+the	DET
+jury	NOUN
+'s	PART
+guilty	NOUN
+verdict	NOUN
+was	AUX
+read	VERB
+,	PUNCT
+and	CCONJ
+he	PRON
+blinked	VERB
+repeatedly	ADV
+and	CCONJ
+glanced	VERB
+at	ADP
+his	PRON
+lawyers	NOUN
+before	SCONJ
+being	AUX
+led	VERB
+away	ADV
+in	ADP
+handcuffs	NOUN
+.	PUNCT
+
+...	SYM
+
+The	DET
+crime	NOUN
+occurred	VERB
+in	ADP
+the	DET
+sacristy	NOUN
+adjoining	VERB
+the	DET
+hospital	NOUN
+chapel	NOUN
+in	ADP
+downtown	ADJ
+Toledo	NOUN
+on	ADP
+the	DET
+Saturday	PROPN
+before	ADP
+Easter	PROPN
+in	ADP
+1980	NUM
+.	PUNCT
+
+Investigators	NOUN
+said	VERB
+the	DET
+nun	NOUN
+,	PUNCT
+Margaret	PROPN
+Ann	PROPN
+Pahl	PROPN
+,	PUNCT
+71	NUM
+,	PUNCT
+was	AUX
+strangled	VERB
+and	CCONJ
+then	ADV
+stabbed	VERB
+,	PUNCT
+with	SCONJ
+nine	NUM
+wounds	NOUN
+on	ADP
+her	PRON
+chest	NOUN
+forming	VERB
+the	DET
+shape	NOUN
+of	ADP
+an	DET
+inverted	VERB
+cross	NOUN
+,	PUNCT
+a	DET
+well	ADV
+-	PUNCT
+recognized	VERB
+Satanic	ADJ
+symbol	NOUN
+.	PUNCT
+
+An	DET
+altar	NOUN
+cloth	NOUN
+was	AUX
+draped	VERB
+over	ADP
+her	PRON
+half	ADV
+-	PUNCT
+naked	ADJ
+body	NOUN
+,	PUNCT
+which	PRON
+was	AUX
+posed	VERB
+as	SCONJ
+if	SCONJ
+she	PRON
+had	AUX
+been	AUX
+sexually	ADV
+assaulted	VERB
+.	PUNCT
+
+"	PUNCT
+It	PRON
+was	VERB
+about	SCONJ
+how	ADV
+he	PRON
+could	AUX
+humiliate	VERB
+her	PRON
+the	DET
+most	ADV
+,	PUNCT
+"	PUNCT
+prosecutor	NOUN
+Dean	PROPN
+Mandros	PROPN
+said	VERB
+in	ADP
+closing	VERB
+arguments	NOUN
+.	PUNCT
+
+"	PUNCT
+He	PRON
+left	VERB
+a	DET
+message	NOUN
+for	SCONJ
+everyone	PRON
+to	PART
+see	VERB
+...	PUNCT
+maybe	ADV
+to	ADP
+God	PROPN
+himself	PRON
+.	PUNCT
+"	PUNCT
+
+After	ADP
+the	DET
+sentencing	NOUN
+one	NUM
+of	ADP
+Robinson	PROPN
+'s	PART
+tearful	ADJ
+supporters	NOUN
+"	PUNCT
+turned	VERB
+to	ADP
+Claudia	PROPN
+Vercellotti	PROPN
+,	PUNCT
+a	DET
+local	ADJ
+leader	NOUN
+of	ADP
+the	DET
+Survivors	PROPN
+Network	PROPN
+for	ADP
+Those	PRON
+Abused	VERB
+by	ADP
+Priests	PROPN
+[	PUNCT
+SNAP	PROPN
+]	PUNCT
+,	PUNCT
+who	PRON
+had	AUX
+helped	VERB
+reopen	VERB
+the	DET
+case	NOUN
+,	PUNCT
+and	CCONJ
+told	VERB
+her	PRON
+,	PUNCT
+'	PUNCT
+I	PRON
+hope	VERB
+you	PRON
+rot	VERB
+in	ADP
+hell	NOUN
+!	PUNCT
+'	PUNCT
+"	PUNCT
+
+From	ADP
+SNAP	PROPN
+'s	PART
+statement	NOUN
+on	ADP
+the	DET
+Robinson	PROPN
+conviction	NOUN
+:	PUNCT
+
+More	ADV
+than	ADP
+ever	ADV
+,	PUNCT
+police	NOUN
+and	CCONJ
+prosecutors	NOUN
+have	VERB
+the	DET
+tools	NOUN
+and	CCONJ
+the	DET
+will	NOUN
+to	PART
+go	VERB
+after	ADP
+horrific	ADJ
+crimes	NOUN
+,	PUNCT
+even	ADV
+when	ADV
+the	DET
+defendants	NOUN
+are	AUX
+seemingly	ADV
+powerful	ADJ
+individuals	NOUN
+or	CCONJ
+institutions	NOUN
+.	PUNCT
+
+When	ADV
+victims	NOUN
+and	CCONJ
+witnesses	NOUN
+stay	VERB
+silent	ADJ
+,	PUNCT
+nothing	PRON
+changes	VERB
+.	PUNCT
+
+When	ADV
+victims	NOUN
+and	CCONJ
+witnesses	NOUN
+speak	VERB
+up	ADP
+,	PUNCT
+at	ADV
+least	ADV
+sometimes	ADV
+a	DET
+child	NOUN
+is	AUX
+protected	VERB
+,	PUNCT
+the	DET
+truth	NOUN
+is	AUX
+exposed	VERB
+,	PUNCT
+and	CCONJ
+justice	NOUN
+is	AUX
+done	VERB
+.	PUNCT
+
+The	DET
+murder	NOUN
+weapon	NOUN
+,	PUNCT
+Robinson	PROPN
+'s	PART
+letter	NOUN
+opener	NOUN
+:	PUNCT
+
+Finally	ADV
+,	PUNCT
+from	ADP
+an	DET
+email	NOUN
+,	PUNCT
+a	DET
+follow	NOUN
+-	PUNCT
+up	NOUN
+on	ADP
+the	DET
+reopening	NOUN
+of	ADP
+the	DET
+investigation	NOUN
+into	ADP
+the	DET
+Atlanta	PROPN
+Child	NOUN
+Murders	NOUN
+:	PUNCT
+
+Dekalb	PROPN
+County	PROPN
+Police	PROPN
+Chief	PROPN
+Louis	PROPN
+Graham	PROPN
+...	PUNCT
+the	DET
+man	NOUN
+who	PRON
+reopened	VERB
+the	DET
+investigations	NOUN
+last	ADJ
+year	NOUN
+,	PUNCT
+is	AUX
+mysteriously	ADV
+stepping	VERB
+down	ADV
+.	PUNCT
+
+And	CCONJ
+of	ADP
+all	DET
+the	DET
+people	NOUN
+who	PRON
+the	DET
+county	NOUN
+is	AUX
+getting	VERB
+to	PART
+find	VERB
+a	DET
+replacement	NOUN
+...	PUNCT
+is	AUX
+none	NOUN
+other	ADJ
+than	ADP
+Lee	PROPN
+Brown	PROPN
+,	PUNCT
+the	DET
+original	ADJ
+supervisor	NOUN
+of	ADP
+the	DET
+Atlanta	PROPN
+PD	PROPN
+,	PUNCT
+who	PRON
+was	VERB
+in	ADP
+office	NOUN
+during	ADP
+the	DET
+murders	NOUN
+and	CCONJ
+the	DET
+subsequent	ADJ
+investigation	NOUN
+.	PUNCT
+
+SNAP	PROPN
+is	AUX
+right	ADJ
+in	ADP
+part	ADJ
+.	PUNCT
+
+Police	NOUN
+and	CCONJ
+prosecutors	NOUN
+have	VERB
+the	DET
+tools	NOUN
+.	PUNCT
+
+The	DET
+will	NOUN
+is	AUX
+another	DET
+matter	NOUN
+.	PUNCT
+
+Some	DET
+do	AUX
+,	PUNCT
+individually	ADV
+.	PUNCT
+
+But	CCONJ
+institutionally	ADV
+?	PUNCT
+
+That	PRON
+'s	AUX
+still	ADV
+the	DET
+domain	NOUN
+of	ADP
+those	PRON
+who	PRON
+do	VERB
+n't	PART
+.	PUNCT
+
+lots	NOUN
+of	ADP
+important	ADJ
+stories	NOUN
+out	ADV
+there	ADV
+today	NOUN
+jeff	PROPN
+....	PUNCT
+thank	VERB
+god	PROPN
+and	CCONJ
+a	DET
+few	ADJ
+good	ADJ
+souls	NOUN
+for	ADP
+that	DET
+conviction	NOUN
+.	PUNCT
+
+Have	AUX
+you	PRON
+sent	VERB
+this	PRON
+to	ADP
+congress	PROPN
+yet	ADV
+?	PUNCT
+
+talk	VERB
+about	SCONJ
+law	NOUN
+enforcement	NOUN
+not	ADV
+having	VERB
+the	DET
+will	NOUN
+...	PUNCT
+
+CRACKDOWN	NOUN
+ON	ADP
+POLYGAMY	NOUN
+GROUP	NOUN
+
+Small	ADJ
+polygamous	ADJ
+groups	NOUN
+have	AUX
+existed	VERB
+in	ADP
+the	DET
+southwestern	ADJ
+US	PROPN
+under	ADP
+the	DET
+watchful	ADJ
+yet	CCONJ
+fairly	ADV
+benign	ADJ
+eye	NOUN
+of	ADP
+authorities	NOUN
+ever	ADV
+since	SCONJ
+a	DET
+sect	NOUN
+known	VERB
+as	ADP
+the	DET
+Fundamentalist	PROPN
+Latter	PROPN
+Day	PROPN
+Saints	PROPN
+(	PUNCT
+FLDS	PROPN
+)	PUNCT
+separated	VERB
+itself	PRON
+from	ADP
+mainstream	ADJ
+Mormonism	PROPN
+in	ADP
+1890	NUM
+.	PUNCT
+
+...	SYM
+
+Now	ADV
+,	PUNCT
+FLDS	PROPN
+leader	NOUN
+Warren	PROPN
+Jeffs	PROPN
+has	AUX
+been	AUX
+added	VERB
+to	ADP
+the	DET
+FBI	PROPN
+'s	PART
+list	NOUN
+of	ADP
+"	PUNCT
+Ten	NUM
+Most	ADV
+Wanted	VERB
+Fugitives	NOUN
+,	PUNCT
+"	PUNCT
+a	DET
+move	NOUN
+that	PRON
+caps	VERB
+law	NOUN
+enforcement	NOUN
+'s	PART
+dramatic	ADJ
+change	NOUN
+of	ADP
+approach	NOUN
+toward	ADP
+the	DET
+polygamous	ADJ
+group	NOUN
+in	ADP
+recent	ADJ
+years	NOUN
+...	PUNCT
+[	PUNCT
+because	ADP
+of	ADP
+]	PUNCT
+the	DET
+impact	NOUN
+that	PRON
+the	DET
+group	NOUN
+'s	PART
+practices	NOUN
+,	PUNCT
+law	NOUN
+enforcement	NOUN
+officials	NOUN
+say	VERB
+,	PUNCT
+are	AUX
+having	VERB
+on	ADP
+the	DET
+most	ADV
+vulnerable	ADJ
+within	ADP
+the	DET
+sect	NOUN
+,	PUNCT
+particularly	ADV
+children	NOUN
+and	CCONJ
+women	NOUN
+.	PUNCT
+
+When	ADV
+the	DET
+FLDS	PROPN
+under	ADP
+Mr.	PROPN
+Jeffs	PROPN
+(	PUNCT
+and	CCONJ
+his	PRON
+father	NOUN
+before	ADP
+him	PRON
+)	PUNCT
+grew	VERB
+to	ADP
+some	DET
+10,000	NUM
+followers	NOUN
+in	ADP
+several	ADJ
+southwestern	ADJ
+communities	NOUN
+with	ADP
+estimated	VERB
+assets	NOUN
+of	ADP
+$	SYM
+110	NUM
+million	NUM
+;	PUNCT
+when	ADV
+it	PRON
+became	VERB
+clear	ADJ
+that	SCONJ
+government	NOUN
+officials	NOUN
+,	PUNCT
+school	NOUN
+authorities	NOUN
+,	PUNCT
+and	CCONJ
+police	NOUN
+in	ADP
+those	DET
+communities	NOUN
+had	AUX
+become	VERB
+intertwined	ADJ
+with	ADP
+the	DET
+sect	NOUN
+;	PUNCT
+when	ADV
+ex-members	NOUN
+increasingly	ADV
+reported	VERB
+child	NOUN
+and	CCONJ
+sexual	ADJ
+abuse	NOUN
+charges	NOUN
+(	PUNCT
+mainly	ADV
+involving	VERB
+underage	ADJ
+girls	NOUN
+forced	VERB
+to	PART
+marry	VERB
+older	ADJ
+men	NOUN
+)	PUNCT
+;	PUNCT
+and	CCONJ
+when	ADV
+the	DET
+sect	NOUN
+began	VERB
+to	PART
+use	VERB
+secluded	ADJ
+compounds	NOUN
+,	PUNCT
+state	NOUN
+and	CCONJ
+federal	ADJ
+authorities	NOUN
+started	VERB
+to	PART
+crack	VERB
+down	ADV
+more	ADV
+vigorously	ADV
+.	PUNCT
+
+...	SYM
+
+Specifically	ADV
+,	PUNCT
+Jeffs	PROPN
+is	AUX
+charged	VERB
+in	ADP
+Utah	PROPN
+and	CCONJ
+Arizona	PROPN
+with	ADP
+sexual	ADJ
+assault	NOUN
+of	ADP
+underage	ADJ
+girls	NOUN
+and	CCONJ
+with	SCONJ
+arranging	VERB
+"	PUNCT
+spiritual	ADJ
+"	PUNCT
+marriages	NOUN
+for	ADP
+girls	NOUN
+and	CCONJ
+older	ADJ
+men	NOUN
+.	PUNCT
+
+At	ADP
+weekend	NOUN
+press	NOUN
+conferences	NOUN
+in	ADP
+Salt	PROPN
+Lake	PROPN
+City	PROPN
+and	CCONJ
+Phoenix	PROPN
+,	PUNCT
+FBI	PROPN
+and	CCONJ
+state	NOUN
+officials	NOUN
+said	VERB
+Jeffs	PROPN
+"	PUNCT
+is	AUX
+considered	VERB
+armed	ADJ
+and	CCONJ
+dangerous	ADJ
+and	CCONJ
+may	AUX
+be	AUX
+traveling	VERB
+with	ADP
+armed	ADJ
+bodyguards	NOUN
+.	PUNCT
+"	PUNCT
+
+In	ADP
+the	DET
+past	NOUN
+,	PUNCT
+he	PRON
+has	AUX
+talked	VERB
+in	ADP
+apocalyptic	ADJ
+terms	NOUN
+about	ADP
+a	DET
+violent	ADJ
+end	NOUN
+to	ADP
+the	DET
+world	NOUN
+,	PUNCT
+according	VERB
+to	ADP
+former	ADJ
+members	NOUN
+.	PUNCT
+
+...	SYM
+
+As	ADP
+with	ADP
+Christian	PROPN
+Identity	PROPN
+and	CCONJ
+other	ADJ
+hate	NOUN
+-	PUNCT
+related	ADJ
+philosophies	NOUN
+tied	VERB
+to	ADP
+the	DET
+Aryan	PROPN
+Nations	PROPN
+and	CCONJ
+the	DET
+neo-Nazi	ADJ
+Creativity	PROPN
+Movement	PROPN
+,	PUNCT
+Jeffs	PROPN
+has	AUX
+preached	VERB
+racism	NOUN
+as	ADV
+well	ADV
+.	PUNCT
+
+"	PUNCT
+The	DET
+black	ADJ
+race	NOUN
+is	AUX
+the	DET
+people	NOUN
+through	ADP
+which	PRON
+the	DET
+devil	NOUN
+has	AUX
+always	ADV
+been	AUX
+able	ADJ
+to	PART
+bring	VERB
+evil	NOUN
+unto	ADP
+the	DET
+earth	NOUN
+,	PUNCT
+"	PUNCT
+Jeffs	PROPN
+has	AUX
+said	VERB
+as	SCONJ
+cited	VERB
+by	ADP
+the	DET
+Southern	PROPN
+Poverty	PROPN
+Law	PROPN
+Center	PROPN
+'s	PART
+"	PUNCT
+Intelligence	NOUN
+Report	NOUN
+.	PUNCT
+"	PUNCT
+
+An	DET
+editorial	NOUN
+in	ADP
+the	DET
+church	NOUN
+-	PUNCT
+owned	VERB
+Deseret	PROPN
+Morning	PROPN
+News	PROPN
+in	ADP
+Salt	PROPN
+Lake	PROPN
+City	PROPN
+earlier	ADV
+this	DET
+year	NOUN
+acknowledged	VERB
+that	SCONJ
+"	PUNCT
+the	DET
+state	NOUN
+'s	PART
+history	NOUN
+,	PUNCT
+a	DET
+conservative	ADJ
+belief	NOUN
+in	ADP
+free	ADJ
+choice	NOUN
+,	PUNCT
+and	CCONJ
+an	DET
+unwillingness	NOUN
+to	PART
+stir	VERB
+up	ADP
+a	DET
+hornet	NOUN
+'s	PART
+nest	NOUN
+in	ADP
+the	DET
+national	ADJ
+media	NOUN
+have	AUX
+likely	ADV
+all	ADV
+contributed	VERB
+to	ADP
+the	DET
+kid	NOUN
+-	PUNCT
+glove	NOUN
+approach	NOUN
+lawmakers	NOUN
+and	CCONJ
+law	NOUN
+-	PUNCT
+enforcement	NOUN
+officers	NOUN
+have	AUX
+taken	VERB
+when	ADV
+dealing	VERB
+with	ADP
+polygamous	ADJ
+communities	NOUN
+.	PUNCT
+"	PUNCT
+
+http://www.csmonitor.com/2006/0509/p02s01-ussc.html?s=t5	X
+
+Maybe	ADV
+I	PRON
+'m	AUX
+missing	VERB
+something	PRON
+here	ADV
+,	PUNCT
+but	CCONJ
+how	ADV
+,	PUNCT
+exactly	ADV
+,	PUNCT
+does	AUX
+one	PRON
+'	PUNCT
+Loose	VERB
+'	PUNCT
+200,000	NUM
+AK47's	NOUN
+?	PUNCT
+
+"	PUNCT
+There	PRON
+'s	VERB
+no	DET
+tracking	NOUN
+mechanism	NOUN
+in	ADP
+place	NOUN
+"	PUNCT
+?!?!?	PUNCT
+
+Never	INTJ
+mind	INTJ
+.	PUNCT
+
+No	DET
+need	NOUN
+to	PART
+worry	VERB
+.	PUNCT
+
+I	PRON
+'m	AUX
+sure	ADJ
+this	DET
+kind	NOUN
+of	ADP
+thing	NOUN
+goes	VERB
+on	ADV
+all	DET
+the	DET
+time	NOUN
+.	PUNCT
+
+We	PRON
+now	ADV
+return	VERB
+you	PRON
+to	ADP
+your	PRON
+regularly	ADV
+scheduled	VERB
+programming	NOUN
+....	PUNCT
+
+just	ADV
+go	VERB
+here	ADV
+,	PUNCT
+it	PRON
+s	AUX
+simply	ADV
+amazing	ADJ
+
+The	DET
+Raw	PROPN
+Story	PROPN
+
+i	PRON
+count	VERB
+like	INTJ
+14	NUM
+explosive	ADJ
+headlines	NOUN
+.	PUNCT
+
+Then	ADV
+,	PUNCT
+of	ADV
+course	ADV
+,	PUNCT
+there	PRON
+is	VERB
+the	DET
+evidence	NOUN
+the	DET
+jury	NOUN
+did	AUX
+not	PART
+hear	VERB
+about	ADP
+in	ADP
+the	DET
+Robinson	PROPN
+case	NOUN
+...	PUNCT
+
+Funny	ADJ
+how	ADV
+some	DET
+things	NOUN
+are	AUX
+squirelled	VERB
+away	ADV
+by	ADP
+well	ADV
+-	PUNCT
+meaning	VERB
+prosecutors	NOUN
+...	PUNCT
+
+Maybe	ADV
+because	SCONJ
+they	PRON
+hint	VERB
+at	ADP
+a	DET
+larger	ADJ
+conspiracy	NOUN
+/	SYM
+network	NOUN
+of	ADP
+abusers	NOUN
+/	SYM
+satanic	ADJ
+underground	NOUN
+?	PUNCT
+
+I	PRON
+read	VERB
+of	ADP
+a	DET
+case	NOUN
+not	PART
+long	ADV
+ago	ADV
+when	ADV
+some	DET
+people	NOUN
+were	AUX
+trying	VERB
+to	PART
+get	VERB
+a	DET
+polygamous	ADJ
+judge	NOUN
+taken	VERB
+off	ADP
+the	DET
+bench	NOUN
+for	SCONJ
+not	ADV
+obeying	VERB
+state	NOUN
+law	NOUN
+.	PUNCT
+
+Of	ADV
+course	ADV
+law	NOUN
+enforcement	NOUN
+has	AUX
+dragged	VERB
+it's	PRON
+feet	NOUN
+when	ADV
+members	NOUN
+are	AUX
+taking	VERB
+part	NOUN
+in	ADP
+the	DET
+activity	NOUN
+themselves	PRON
+.	PUNCT
+
+Personally	ADV
+I	PRON
+do	AUX
+n't	PART
+give	VERB
+a	DET
+damn	NOUN
+what	PRON
+adults	NOUN
+do	VERB
+to	ADP
+one	NUM
+another	DET
+as	ADV
+long	ADV
+as	SCONJ
+there	PRON
+is	VERB
+no	DET
+abuse	NOUN
+invovled	VERB
+.	PUNCT
+
+It	PRON
+is	VERB
+the	DET
+marrying	NOUN
+off	NOUN
+of	ADP
+young	ADJ
+girls	NOUN
+to	ADP
+older	ADJ
+men	NOUN
+often	ADV
+close	ADJ
+relatives	NOUN
+that	PRON
+enfurates	VERB
+me	PRON
+.	PUNCT
+
+Also	ADV
+these	DET
+cults	NOUN
+have	VERB
+multimillions	NOUN
+yet	CCONJ
+the	DET
+women	NOUN
+and	CCONJ
+kids	NOUN
+live	VERB
+in	ADP
+poverty	NOUN
+so	SCONJ
+the	DET
+leaders	NOUN
+can	AUX
+live	VERB
+the	DET
+high	ADJ
+life	NOUN
+.	PUNCT
+
+In	ADP
+the	DET
+Warren	PROPN
+Jeffs	PROPN
+cult	NOUN
+he	PRON
+reassigns	VERB
+wives	NOUN
+if	SCONJ
+the	DET
+husband	NOUN
+displeases	VERB
+him	PRON
+or	CCONJ
+to	PART
+reward	VERB
+the	DET
+new	ADJ
+husband	NOUN
+.	PUNCT
+
+Husbands	NOUN
+marry	VERB
+mothers	NOUN
+and	CCONJ
+teen	NOUN
+daughters	NOUN
+at	ADP
+the	DET
+same	ADJ
+time	NOUN
+.	PUNCT
+
+a	DET
+rare	ADJ
+form	NOUN
+of	ADP
+retardation	NOUN
+is	AUX
+showing	VERB
+up	ADV
+in	ADP
+that	DET
+group	NOUN
+more	ADV
+than	ADP
+anywhere	ADV
+else	ADV
+in	ADP
+the	DET
+world	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+genetic	ADJ
+and	CCONJ
+the	DET
+child	NOUN
+needs	VERB
+to	PART
+get	VERB
+the	DET
+gene	NOUN
+from	ADP
+both	DET
+parents	NOUN
+to	PART
+turn	VERB
+into	ADP
+a	DET
+vegetable	NOUN
+instead	ADV
+of	ADP
+a	DET
+thinking	VERB
+child	NOUN
+.	PUNCT
+
+The	DET
+doctor	NOUN
+begs	VERB
+them	PRON
+to	PART
+stop	VERB
+intermarrying	VERB
+but	CCONJ
+they	PRON
+say	VERB
+they	PRON
+have	VERB
+to	PART
+keep	VERB
+the	DET
+blood	NOUN
+pure	ADJ
+.	PUNCT
+
+look	VERB
+up	ADP
+fumarase	NOUN
+deficiency	NOUN
+for	ADP
+more	ADJ
+info	NOUN
+.	PUNCT
+
+Also	ADV
+look	VERB
+up	ADP
+the	DET
+kingston	PROPN
+family	NOUN
+.	PUNCT
+
+One	NUM
+member	NOUN
+actually	ADV
+was	AUX
+convicted	VERB
+of	SCONJ
+beating	VERB
+his	PRON
+teen	NOUN
+daughter	NOUN
+unconcious	ADJ
+when	ADV
+she	PRON
+ran	VERB
+away	ADV
+from	ADP
+'	PUNCT
+marriage	NOUN
+'	PUNCT
+to	ADP
+her	PRON
+father	NOUN
+'s	PART
+own	ADJ
+brother	NOUN
+.	PUNCT
+
+no	DET
+one	NOUN
+was	AUX
+charged	VERB
+for	ADP
+forced	VERB
+marriage	NOUN
+,	PUNCT
+only	ADV
+the	DET
+beating	NOUN
+.	PUNCT
+
+So	ADV
+we	PRON
+"	PUNCT
+lost	VERB
+"	PUNCT
+some	DET
+weapon	NOUN
+?	PUNCT
+
+It	PRON
+'s	AUX
+a	DET
+good	ADJ
+thing	NOUN
+too	ADV
+.	PUNCT
+
+We	PRON
+would	AUX
+n't	PART
+want	VERB
+those	DET
+terrorists	NOUN
+to	PART
+run	VERB
+out	ADP
+of	ADP
+shit	NOUN
+to	PART
+shoot	VERB
+at	ADP
+us	PRON
+.	PUNCT
+
+Then	ADV
+the	DET
+war	NOUN
+might	AUX
+stop	VERB
+&	CCONJ
+all	DET
+those	DET
+juicy	ADJ
+profits	NOUN
+would	AUX
+just	ADV
+evaporate	VERB
+.	PUNCT
+
+What	PRON
+'s	AUX
+a	DET
+few	ADJ
+dead	ADJ
+soldiers	NOUN
+in	ADP
+comparison	NOUN
+to	SCONJ
+keeping	VERB
+all	DET
+those	DET
+defense	NOUN
+contractors	NOUN
+awash	ADJ
+in	ADP
+all	DET
+that	DET
+tax	NOUN
+cash	NOUN
+?	PUNCT
+
+They	PRON
+really	ADV
+are	AUX
+milking	VERB
+the	DET
+incompetence	NOUN
+angle	NOUN
+though	ADV
+,	PUNCT
+are	VERB
+n't	PART
+they	PRON
+?	PUNCT
+
+Just	ADV
+another	DET
+big	ADJ
+Iraq	PROPN
+whoopsie	NOUN
+daisy	NOUN
+,	PUNCT
+huh	INTJ
+?	PUNCT
+
+Christ	INTJ
+,	PUNCT
+you	PRON
+'d	AUX
+think	VERB
+America	PROPN
+would	AUX
+get	VERB
+a	DET
+bit	NOUN
+tired	ADJ
+of	SCONJ
+these	DET
+guys	NOUN
+treating	VERB
+her	PRON
+like	SCONJ
+she	PRON
+was	AUX
+populated	VERB
+with	ADP
+nothing	PRON
+but	ADP
+gullible	ADJ
+idiots	NOUN
+.	PUNCT
+
+I	PRON
+suppose	VERB
+that	SCONJ
+it	PRON
+'s	AUX
+damn	ADV
+lucky	ADJ
+for	ADP
+the	DET
+GOP	PROPN
+that	SCONJ
+she	PRON
+is	AUX
+populated	VERB
+with	ADP
+gullible	ADJ
+idiots	NOUN
+.	PUNCT
+
+US	PROPN
+outsourcing	VERB
+special	ADJ
+ops	NOUN
+,	PUNCT
+intelligence	NOUN
+to	ADP
+Iraq	PROPN
+terror	NOUN
+group	NOUN
+,	PUNCT
+intelligence	NOUN
+officials	NOUN
+say	VERB
+
+The	DET
+Pentagon	PROPN
+is	AUX
+bypassing	VERB
+official	ADJ
+US	PROPN
+intelligence	NOUN
+channels	NOUN
+and	CCONJ
+turning	VERB
+to	ADP
+a	DET
+dangerous	ADJ
+and	CCONJ
+unruly	ADJ
+cast	NOUN
+of	ADP
+characters	NOUN
+in	ADP
+order	NOUN
+to	PART
+create	VERB
+strife	NOUN
+in	ADP
+Iran	PROPN
+in	ADP
+preparation	NOUN
+for	ADP
+any	DET
+possible	ADJ
+attack	NOUN
+,	PUNCT
+former	ADJ
+and	CCONJ
+current	ADJ
+intelligence	NOUN
+officials	NOUN
+say	VERB
+...	PUNCT
+
+http://www.rawstory.com/news/2006/US_outsourcing_special_operations_intelligence_gathering_0413.html	X
+
+A	DET
+country	NOUN
+deserves	VERB
+the	DET
+leaders	NOUN
+it	PRON
+has	VERB
+,	PUNCT
+my	PRON
+friends	NOUN
+...	PUNCT
+
+And	CCONJ
+MEK	PROPN
+--	PUNCT
+the	DET
+Iranian	ADJ
+(	PUNCT
+not	ADV
+Iraqi	ADJ
+)	PUNCT
+terror	NOUN
+group	NOUN
+in	ADP
+question	NOUN
+--	PUNCT
+is	AUX
+itself	ADV
+unquestionably	ADV
+a	DET
+cult	NOUN
+:	PUNCT
+
+As	SCONJ
+the	DET
+leaders	NOUN
+like	VERB
+to	PART
+boast	VERB
+,	PUNCT
+the	DET
+Mujahedeen	PROPN
+is	AUX
+a	DET
+family	NOUN
+affair	NOUN
+.	PUNCT
+
+(	PUNCT
+''	PUNCT
+We	PRON
+have	VERB
+three	NUM
+generations	NOUN
+of	ADP
+martyrs	NOUN
+:	PUNCT
+grandmothers	NOUN
+,	PUNCT
+mothers	NOUN
+,	PUNCT
+daughters	NOUN
+.	PUNCT
+''	PUNCT
+)	PUNCT
+
+Most	ADJ
+of	ADP
+the	DET
+girls	NOUN
+I	PRON
+was	AUX
+meeting	VERB
+had	AUX
+grown	VERB
+up	ADV
+in	ADP
+Mujahedeen	PROPN
+schools	NOUN
+in	ADP
+Ashraf	PROPN
+,	PUNCT
+where	ADV
+they	PRON
+lived	VERB
+separated	VERB
+from	ADP
+their	PRON
+parents	NOUN
+.	PUNCT
+
+Family	NOUN
+visits	NOUN
+were	AUX
+allowed	VERB
+on	ADP
+Thursday	PROPN
+nights	NOUN
+and	CCONJ
+Fridays	PROPN
+.	PUNCT
+
+When	ADV
+Iraq	PROPN
+invaded	VERB
+Kuwait	PROPN
+,	PUNCT
+many	ADJ
+of	ADP
+these	DET
+girls	NOUN
+were	AUX
+transported	VERB
+to	ADP
+Jordan	PROPN
+and	CCONJ
+then	ADV
+smuggled	VERB
+to	ADP
+various	ADJ
+countries	NOUN
+--	PUNCT
+Germany	PROPN
+,	PUNCT
+France	PROPN
+,	PUNCT
+Canada	PROPN
+,	PUNCT
+Denmark	PROPN
+,	PUNCT
+England	PROPN
+,	PUNCT
+the	DET
+United	PROPN
+States	PROPN
+--	PUNCT
+where	ADV
+they	PRON
+were	AUX
+raised	VERB
+by	ADP
+guardians	NOUN
+who	PRON
+were	AUX
+usually	ADV
+Mujahedeen	PROPN
+supporters	NOUN
+.	PUNCT
+
+When	ADV
+they	PRON
+were	AUX
+18	NUM
+or	CCONJ
+19	NUM
+,	PUNCT
+many	ADJ
+of	ADP
+them	PRON
+decided	VERB
+to	PART
+come	VERB
+back	ADV
+to	ADP
+Iraq	PROPN
+and	CCONJ
+fill	VERB
+the	DET
+ranks	NOUN
+of	ADP
+the	DET
+youngest	ADJ
+Mujahedeen	PROPN
+generation	NOUN
+.	PUNCT
+
+Though	SCONJ
+''	PUNCT
+decided	NOUN
+''	PUNCT
+is	AUX
+probably	ADV
+not	PART
+the	DET
+right	ADJ
+word	NOUN
+,	PUNCT
+since	SCONJ
+from	ADP
+the	DET
+day	NOUN
+they	PRON
+were	AUX
+born	VERB
+,	PUNCT
+these	DET
+girls	NOUN
+and	CCONJ
+boys	NOUN
+were	AUX
+not	PART
+taught	VERB
+to	PART
+think	VERB
+for	ADP
+themselves	PRON
+but	CCONJ
+to	PART
+blindly	ADV
+follow	VERB
+their	PRON
+leaders	NOUN
+.	PUNCT
+
+''	PUNCT
+Every	DET
+morning	NOUN
+and	CCONJ
+night	NOUN
+,	PUNCT
+the	DET
+kids	NOUN
+,	PUNCT
+beginning	VERB
+as	ADV
+young	ADV
+as	ADP
+1	NUM
+and	CCONJ
+2	NUM
+,	PUNCT
+had	VERB
+to	PART
+stand	VERB
+before	ADP
+a	DET
+poster	NOUN
+of	ADP
+Massoud	PROPN
+and	CCONJ
+Maryam	PROPN
+,	PUNCT
+salute	VERB
+them	PRON
+and	CCONJ
+shout	VERB
+praises	NOUN
+to	ADP
+them	PRON
+,	PUNCT
+''	PUNCT
+Nadereh	PROPN
+Afshari	PROPN
+,	PUNCT
+a	DET
+former	ADJ
+Mujahedeen	PROPN
+deep	ADJ
+-	PUNCT
+believer	NOUN
+,	PUNCT
+told	VERB
+me	PRON
+.	PUNCT
+
+Afshari	PROPN
+,	PUNCT
+who	PRON
+was	AUX
+posted	VERB
+in	ADP
+Germany	PROPN
+and	CCONJ
+was	AUX
+responsible	ADJ
+for	SCONJ
+receiving	VERB
+Mujahedeen	PROPN
+children	NOUN
+during	ADP
+the	DET
+gulf	PROPN
+war	PROPN
+,	PUNCT
+said	VERB
+that	SCONJ
+when	ADV
+the	DET
+German	ADJ
+government	NOUN
+tried	VERB
+to	PART
+absorb	VERB
+Mujahedeen	PROPN
+children	NOUN
+into	ADP
+their	PRON
+education	NOUN
+system	NOUN
+,	PUNCT
+the	DET
+Mujahedeen	PROPN
+refused	VERB
+.	PUNCT
+
+Many	ADJ
+of	ADP
+the	DET
+children	NOUN
+were	AUX
+sent	VERB
+to	ADP
+Mujahedeen	PROPN
+schools	NOUN
+,	PUNCT
+particularly	ADV
+in	ADP
+France	PROPN
+.	PUNCT
+
+The	DET
+Rajavis	PROPN
+,	PUNCT
+Afshari	PROPN
+went	VERB
+on	ADV
+to	PART
+say	VERB
+,	PUNCT
+''	PUNCT
+saw	VERB
+these	DET
+kids	NOUN
+as	ADP
+the	DET
+next	ADJ
+generation	NOUN
+'s	PART
+soldiers	NOUN
+.	PUNCT
+
+They	PRON
+wanted	VERB
+to	PART
+brainwash	VERB
+them	PRON
+and	CCONJ
+control	VERB
+them	PRON
+.	PUNCT
+''	PUNCT
+
+Which	PRON
+may	AUX
+explain	VERB
+the	DET
+pattern	NOUN
+to	ADP
+their	PRON
+stories	NOUN
+:	PUNCT
+a	DET
+journey	NOUN
+to	ADP
+self	NOUN
+-	PUNCT
+empowerment	NOUN
+and	CCONJ
+the	DET
+enlightenment	NOUN
+of	ADP
+self	NOUN
+-	PUNCT
+sacrifice	NOUN
+inspired	VERB
+by	ADP
+the	DET
+light	NOUN
+and	CCONJ
+wisdom	NOUN
+of	ADP
+Maryam	PROPN
+and	CCONJ
+Massoud	PROPN
+.	PUNCT
+
+Link	NOUN
+
+One	PRON
+has	VERB
+to	PART
+wonder	VERB
+whether	SCONJ
+the	DET
+bright	ADJ
+fellows	NOUN
+in	ADP
+our	PRON
+government	NOUN
+and	CCONJ
+military	NOUN
+who	PRON
+set	VERB
+up	ADP
+the	DET
+deals	NOUN
+with	ADP
+these	DET
+people	NOUN
+do	AUX
+n't	PART
+know	VERB
+what	PRON
+they	PRON
+are	AUX
+,	PUNCT
+do	AUX
+n't	PART
+care	VERB
+,	PUNCT
+or	CCONJ
+know	VERB
+perfectly	ADV
+well	ADV
+.	PUNCT
+
+Jeff	PROPN
+,	PUNCT
+
+SPLOID.com	PROPN
+cited	VERB
+you	PRON
+on	ADP
+the	DET
+topic	NOUN
+of	ADP
+that	DET
+priest	NOUN
+conviction	NOUN
+:	PUNCT
+http://www.sploid.com/news/2006/05/evil_priest_gui.php	X
+
+Umm	INTJ
+...	PUNCT
+
+Question	NOUN
+Mark	NOUN
+
+Jimmy	PROPN
+Plant	PROPN
+,	PUNCT
+Blogshares	PROPN
+is	AUX
+a	DET
+fantasy	NOUN
+blogosphere	NOUN
+trading	NOUN
+game	NOUN
+with	ADP
+pretend	ADJ
+money	NOUN
+.	PUNCT
+
+That	PRON
+'s	AUX
+all	DET
+I	PRON
+know	VERB
+;	PUNCT
+I	PRON
+'ve	AUX
+had	VERB
+nothing	PRON
+to	PART
+do	VERB
+with	ADP
+it	PRON
+.	PUNCT
+
+Bush	PROPN
+successfully	ADV
+makes	VERB
+Satan	PROPN
+look	VERB
+good	ADJ
+in	ADP
+comparison	NOUN
+.	PUNCT
+
+Or	CCONJ
+something	PRON
+like	ADP
+that	PRON
+.	PUNCT
+
+http://www.laweekly.com/general/features/satan-loves-you/13454/	X
+
+"	PUNCT
+Another	DET
+generation	NOUN
+of	ADP
+heavy	ADJ
+metal	NOUN
+has	AUX
+taken	VERB
+over	ADP
+,	PUNCT
+and	CCONJ
+--	PUNCT
+sorry	INTJ
+--	PUNCT
+it	PRON
+ai	AUX
+n't	PART
+just	ADV
+about	ADP
+strippers	NOUN
+and	CCONJ
+dope	NOUN
+.	PUNCT
+
+Okay	INTJ
+,	PUNCT
+it	PRON
+'s	AUX
+partly	ADV
+about	ADP
+strippers	NOUN
+and	CCONJ
+dope	NOUN
+.	PUNCT
+
+And	CCONJ
+we	PRON
+'ll	AUX
+get	VERB
+around	ADV
+to	ADP
+that	PRON
+.	PUNCT
+
+But	CCONJ
+more	ADV
+and	CCONJ
+more	ADV
+,	PUNCT
+as	SCONJ
+metal	NOUN
+evolves	VERB
+into	ADP
+a	DET
+huge	ADJ
+international	ADJ
+music	NOUN
+that	PRON
+belongs	VERB
+to	ADP
+everyone	PRON
+,	PUNCT
+it	PRON
+has	AUX
+gotten	VERB
+to	PART
+be	AUX
+something	PRON
+weirder	ADJ
+.	PUNCT
+
+It	PRON
+'s	AUX
+become	VERB
+a	DET
+guardian	NOUN
+of	ADP
+morality	NOUN
+--	PUNCT
+not	PART
+church	NOUN
+morality	NOUN
+;	PUNCT
+real	ADJ
+morality	NOUN
+.	PUNCT
+
+Praise	NOUN
+be	VERB
+:	PUNCT
+Given	VERB
+the	DET
+void	NOUN
+in	ADP
+responsible	ADJ
+behavior	NOUN
+among	ADP
+governments	NOUN
+,	PUNCT
+police	NOUN
+,	PUNCT
+educational	ADJ
+establishments	NOUN
+and	CCONJ
+religions	NOUN
+,	PUNCT
+the	DET
+task	NOUN
+of	SCONJ
+guiding	VERB
+our	PRON
+youth	NOUN
+down	ADP
+the	DET
+path	NOUN
+of	ADP
+righteousness	NOUN
+has	AUX
+fallen	VERB
+to	ADP
+...	PUNCT
+Satan	PROPN
+"	PUNCT
+
+Hmmmmmm	INTJ
+....................	PUNCT
+
+The	DET
+people	NOUN
+who	PRON
+carry	VERB
+out	ADP
+these	DET
+underground	ADJ
+arms	NOUN
+/	SYM
+drugs	NOUN
+/	SYM
+sex	NOUN
+trafficking	NOUN
+deals	NOUN
+are	AUX
+trauma	NOUN
+based	VERB
+mind	NOUN
+controlled	VERB
+slaves	NOUN
+.	PUNCT
+
+The	DET
+Moldovan	ADJ
+airline	NOUN
+is	AUX
+Aerocom	PROPN
+,	PUNCT
+and	CCONJ
+yes	INTJ
+,	PUNCT
+it	PRON
+'s	AUX
+one	NUM
+of	ADP
+Victor	PROPN
+Bout	PROPN
+'s	PART
+.	PUNCT
+
+The	DET
+wikipedia	PROPN
+entry	NOUN
+for	ADP
+Aerocom	PROPN
+is	AUX
+just	ADV
+a	DET
+stub	NOUN
+..	PUNCT
+waiting	VERB
+for	ADP
+someone	PRON
+to	PART
+put	VERB
+some	DET
+information	NOUN
+into	ADP
+it	PRON
+....	PUNCT
+
+http://en.wikipedia.org/wiki/Aerocom	X
+
+So	ADV
+...	PUNCT
+put	VERB
+some	DET
+information	NOUN
+in	ADP
+there	ADV
+.	PUNCT
+
+You	PRON
+know	VERB
+,	PUNCT
+nature	NOUN
+hates	VERB
+a	DET
+void	NOUN
+.	PUNCT
+:)	SYM
+
+Richard	PROPN
+,	PUNCT
+
+i	PRON
+agree	VERB
+,	PUNCT
+Hmmmmmm	INTJ
+.	PUNCT
+
+How	ADV
+are	AUX
+chants	NOUN
+of	ADP
+death	NOUN
+and	CCONJ
+suicide	NOUN
+...	PUNCT
+morality	NOUN
+.	PUNCT
+
+What	PRON
+about	ADP
+Manson	PROPN
+'s	PART
+tees	NOUN
+bearing	VERB
+the	DET
+message	NOUN
+,	PUNCT
+"	PUNCT
+Kill	VERB
+your	PRON
+parents	NOUN
+"	PUNCT
+.	PUNCT
+
+And	CCONJ
+were	AUX
+the	DET
+Columbine	PROPN
+killers	NOUN
+acting	VERB
+out	ADP
+this	DET
+"	PUNCT
+real	ADJ
+morality	NOUN
+"	PUNCT
+when	ADV
+they	PRON
+indescriminately	ADV
+murdered	VERB
+their	PRON
+classmates	NOUN
+.	PUNCT
+
+They	PRON
+were	AUX
+death	NOUN
+metal	NOUN
+brainwashed	VERB
+fans	NOUN
+,	PUNCT
+literally	ADV
+fulfilling	VERB
+the	DET
+death	NOUN
+metal	NOUN
+paradigm	NOUN
+,	PUNCT
+er	INTJ
+...	PUNCT
+morality	NOUN
+.	PUNCT
+
+(	PUNCT
+not	PART
+church	NOUN
+morality	NOUN
+,	PUNCT
+no	INTJ
+that	PRON
+is	AUX
+phoney	ADJ
+,	PUNCT
+love	VERB
+thy	PRON
+neighbor	NOUN
+...	PUNCT
+hell	INTJ
+no	INTJ
+,	PUNCT
+kill	VERB
+thy	PRON
+neighbor	NOUN
+-	PUNCT
+now	ADV
+that	PRON
+is	AUX
+REAL	ADJ
+MORALITY	NOUN
+?????	PUNCT
+)	PUNCT
+
+So	ADV
+,	PUNCT
+hmmmm	INTJ
+indeed	ADV
+.	PUNCT
+
+I	PRON
+detect	VERB
+the	DET
+hissing	VERB
+lisp	NOUN
+of	ADP
+the	DET
+lying	VERB
+serpent	NOUN
+in	ADP
+this	DET
+article	NOUN
+.	PUNCT
+
+The	DET
+deathly	ADJ
+inversion	NOUN
+of	ADP
+truth	NOUN
+,	PUNCT
+ala	ADP
+satanism	PROPN
+.	PUNCT
+
+I	PRON
+think	VERB
+the	DET
+jury	NOUN
+'s	AUX
+still	ADV
+out	ADV
+on	SCONJ
+exactly	ADV
+who	PRON
+did	VERB
+the	DET
+brainwashing	NOUN
+when	ADV
+in	ADP
+regard	NOUN
+to	ADP
+the	DET
+Columbine	PROPN
+killers	NOUN
+.	PUNCT
+
+Perhaps	ADV
+we	PRON
+should	AUX
+look	VERB
+at	ADP
+the	DET
+death	NOUN
+metal	NOUN
+phenomenon	NOUN
+less	ADV
+as	ADP
+an	DET
+invitation	NOUN
+to	ADP
+violence	NOUN
+than	ADP
+as	ADP
+a	DET
+couter-cultural	ADJ
+response	NOUN
+to	ADP
+the	DET
+over	X
+hypocrisy	NOUN
+of	ADP
+a	DET
+large	ADJ
+percentage	NOUN
+of	ADP
+the	DET
+'	PUNCT
+Church	NOUN
+-	PUNCT
+Morality	NOUN
+'	PUNCT
+crowd	NOUN
+,	PUNCT
+which	PRON
+gives	VERB
+a	DET
+lot	NOUN
+of	ADP
+lip	NOUN
+service	NOUN
+to	SCONJ
+loving	VERB
+thy	PRON
+neighbor	NOUN
+,	PUNCT
+but	CCONJ
+does	AUX
+n't	PART
+apply	VERB
+that	DET
+love	NOUN
+very	ADV
+far	ADV
+beyond	ADP
+their	PRON
+own	ADJ
+congregation	NOUN
+.	PUNCT
+
+The	DET
+last	ADJ
+I	PRON
+checked	VERB
+,	PUNCT
+the	DET
+Satanists	PROPN
+have	VERB
+a	DET
+long	ADJ
+way	NOUN
+to	PART
+go	VERB
+to	PART
+catch	VERB
+up	ADP
+with	ADP
+the	DET
+death	NOUN
+and	CCONJ
+destruction	NOUN
+dealt	VERB
+out	ADP
+by	ADP
+self	NOUN
+-	PUNCT
+proclaimed	VERB
+(	PUNCT
+though	SCONJ
+false	ADJ
+)	PUNCT
+Christians	PROPN
+.	PUNCT
+
+Irony	NOUN
+is	AUX
+dead	ADJ
+...	PUNCT
+Long	ADV
+live	VERB
+Irony	NOUN
+!	PUNCT
+
+That	PRON
+'s	AUX
+it	PRON
+.	PUNCT
+
+I	PRON
+'m	AUX
+firing	VERB
+my	PRON
+editor	NOUN
+.	PUNCT
+
+Well	INTJ
+,	PUNCT
+it	PRON
+'s	AUX
+not	PART
+as	ADV
+simple	ADJ
+and	CCONJ
+clear	ADJ
+cut	ADJ
+as	ADP
+all	DET
+that	DET
+.	PUNCT
+
+We	PRON
+'re	AUX
+entering	VERB
+into	ADP
+some	DET
+interesting	ADJ
+and	CCONJ
+perhaps	ADV
+previously	ADV
+unexplored	ADJ
+socio-political	ADJ
+-	PUNCT
+spiritual	ADJ
+territory	NOUN
+here	ADV
+that	PRON
+may	AUX
+require	VERB
+further	ADJ
+examination	NOUN
+and	CCONJ
+serious	ADJ
+introspection	NOUN
+.	PUNCT
+
+The	DET
+Kevin	PROPN
+Coogan	PROPN
+publication	NOUN
+posted	VERB
+on	ADP
+the	DET
+previous	ADJ
+thread	NOUN
+might	AUX
+serve	VERB
+as	ADP
+a	DET
+good	ADJ
+launching	NOUN
+point	NOUN
+for	ADP
+further	ADJ
+discussion	NOUN
+.	PUNCT
+
+The	DET
+following	VERB
+quote	NOUN
+is	AUX
+from	ADP
+that	DET
+Coogan	PROPN
+article	NOUN
+:	PUNCT
+
+Imaginary	ADJ
+evil	NOUN
+is	AUX
+romantic	ADJ
+and	CCONJ
+varied	ADJ
+;	PUNCT
+real	ADJ
+evil	NOUN
+is	AUX
+gloomy	ADJ
+,	PUNCT
+monotonous	ADJ
+,	PUNCT
+barren	ADJ
+,	PUNCT
+boring	ADJ
+.	PUNCT
+
+Imaginary	ADJ
+good	NOUN
+is	AUX
+boring	ADJ
+;	PUNCT
+real	ADJ
+good	NOUN
+is	AUX
+always	ADV
+new	ADJ
+,	PUNCT
+marvelous	ADJ
+,	PUNCT
+intoxicating	ADJ
+.	PUNCT
+
+-	PUNCT
+Simone	PROPN
+Weil	PROPN
+
+Starroute	PROPN
+:	PUNCT
+
+I	PRON
+would	AUX
+n't	PART
+wonder	VERB
+too	ADV
+hard	ADV
+.	PUNCT
+
+The	DET
+answer	NOUN
+is	AUX
+likely	ADV
+D	NOUN
+:	PUNCT
+all	DET
+of	ADP
+the	DET
+above	ADJ
+,	PUNCT
+due	ADP
+to	SCONJ
+this	PRON
+being	AUX
+a	DET
+complex	ADJ
+reality	NOUN
+we	PRON
+live	VERB
+in	ADP
+.	PUNCT
+
+But	CCONJ
+to	ADP
+me	PRON
+,	PUNCT
+without	ADP
+question	NOUN
+,	PUNCT
+they	PRON
+often	ADV
+know	VERB
+perfectly	ADV
+well	ADV
+.	PUNCT
+
+Here	ADV
+is	AUX
+a	DET
+thought	NOUN
+:	PUNCT
+When	ADV
+the	DET
+appartently	ADV
+cognitively	ADV
+functional	ADJ
+take	VERB
+actions	NOUN
+that	PRON
+seem	VERB
+senseless	ADJ
+and	CCONJ
+incompetent	ADJ
+,	PUNCT
+it	PRON
+is	AUX
+a	DET
+most	ADV
+certain	ADJ
+sign	NOUN
+that	SCONJ
+they	PRON
+have	VERB
+ulterior	ADJ
+or	CCONJ
+hidden	ADJ
+motives	NOUN
+.	PUNCT
+
+They	PRON
+trust	VERB
+you	PRON
+and	CCONJ
+me	PRON
+to	PART
+be	AUX
+befuddled	VERB
+by	ADP
+their	PRON
+actions	NOUN
+,	PUNCT
+while	SCONJ
+they	PRON
+"	PUNCT
+do	VERB
+as	SCONJ
+they	PRON
+wilt	AUX
+"	PUNCT
+.	PUNCT
+
+http://youtube.com/watch?v=d46_ctqDmI4	X
+
+To	SCONJ
+not	ADV
+buying	VERB
+the	DET
+BS	NOUN
+
+&	CCONJ
+here	ADV
+I	PRON
+am	AUX
+thinking	VERB
+that	SCONJ
+I	PRON
+really	ADV
+must	AUX
+be	AUX
+getting	VERB
+old	ADJ
+.	PUNCT
+
+Since	SCONJ
+the	DET
+article	NOUN
+was	AUX
+specifically	ADV
+about	ADP
+"	PUNCT
+death	NOUN
+metal	NOUN
+"	PUNCT
+I	PRON
+guess	VERB
+the	DET
+author	NOUN
+missed	VERB
+this	DET
+little	ADJ
+tidbit	NOUN
+or	CCONJ
+we	PRON
+just	ADV
+have	VERB
+waaaaaaaaaaaaay	ADV
+different	ADJ
+definitions	NOUN
+of	ADP
+morality	NOUN
+:	PUNCT
+
+http://news.bbc.co.uk/2/hi/programmes/this_world/4446342.stm	X
+
+One	NUM
+man	NOUN
+'s	PART
+relentless	ADJ
+search	NOUN
+for	ADP
+his	PRON
+missing	ADJ
+son	NOUN
+led	VERB
+him	PRON
+to	PART
+uncover	VERB
+one	NUM
+of	ADP
+the	DET
+most	ADV
+shocking	ADJ
+crimes	NOUN
+in	ADP
+post-war	ADJ
+Italy	PROPN
+-	PUNCT
+a	DET
+tale	NOUN
+of	ADP
+satanism	PROPN
+and	CCONJ
+violence	NOUN
+that	PRON
+has	AUX
+gripped	VERB
+the	DET
+country	NOUN
+for	ADP
+more	ADJ
+than	ADP
+a	DET
+year	NOUN
+.	PUNCT
+
+In	ADP
+January	PROPN
+1998	NUM
+Fabio	PROPN
+Tollis	PROPN
+and	CCONJ
+Chiara	PROPN
+Marino	PROPN
+,	PUNCT
+both	ADV
+just	ADV
+16	NUM
+,	PUNCT
+disappeared	VERB
+.	PUNCT
+
+They	PRON
+had	AUX
+been	AUX
+drinking	VERB
+at	ADP
+a	DET
+pub	NOUN
+called	VERB
+the	DET
+Midnight	PROPN
+-	PUNCT
+the	DET
+centre	NOUN
+of	ADP
+the	DET
+heavy	ADJ
+metal	NOUN
+scene	NOUN
+in	ADP
+Milan	PROPN
+-	PUNCT
+and	CCONJ
+they	PRON
+never	ADV
+came	VERB
+home	ADV
+.	PUNCT
+
+The	DET
+police	NOUN
+and	CCONJ
+many	ADJ
+of	ADP
+their	PRON
+friends	NOUN
+just	ADV
+thought	VERB
+they	PRON
+had	AUX
+run	VERB
+off	ADV
+together	ADV
+.	PUNCT
+
+But	CCONJ
+their	PRON
+parents	NOUN
+refused	VERB
+to	PART
+accept	VERB
+this	PRON
+.	PUNCT
+
+Michele	PROPN
+Tollis	PROPN
+,	PUNCT
+Fabio	PROPN
+'s	PART
+father	NOUN
+,	PUNCT
+began	VERB
+to	PART
+attend	VERB
+metal	NOUN
+concerts	NOUN
+and	CCONJ
+festivals	NOUN
+across	ADP
+Europe	PROPN
+,	PUNCT
+handing	VERB
+out	ADP
+leaflets	NOUN
+and	CCONJ
+quizzing	VERB
+Fabio	PROPN
+'s	PART
+friends	NOUN
+.	PUNCT
+
+Fabio	PROPN
+and	CCONJ
+his	PRON
+friends	NOUN
+were	AUX
+into	ADP
+the	DET
+most	ADV
+extreme	ADJ
+forms	NOUN
+of	ADP
+heavy	ADJ
+metal	NOUN
+music	NOUN
+-	PUNCT
+death	NOUN
+metal	NOUN
+and	CCONJ
+black	ADJ
+metal	NOUN
+,	PUNCT
+music	NOUN
+obsessed	ADJ
+with	ADP
+images	NOUN
+of	ADP
+murder	NOUN
+and	CCONJ
+satanism	PROPN
+-	PUNCT
+and	CCONJ
+the	DET
+role	NOUN
+of	ADP
+this	DET
+music	NOUN
+is	AUX
+central	ADJ
+to	ADP
+the	DET
+story	NOUN
+.	PUNCT
+
+No	DET
+one	NOUN
+can	AUX
+contradict	VERB
+me	PRON
+when	ADV
+I	PRON
+say	VERB
+that	SCONJ
+heavy	ADJ
+metal	NOUN
+and	CCONJ
+satanism	PROPN
+are	AUX
+closely	ADV
+linked	VERB
+
+Michele	PROPN
+Tollis	PROPN
+
+It	PRON
+emerged	VERB
+that	SCONJ
+Chiara	PROPN
+,	PUNCT
+the	DET
+girl	NOUN
+who	PRON
+disappeared	VERB
+with	ADP
+Fabio	PROPN
+,	PUNCT
+had	VERB
+a	DET
+collection	NOUN
+of	ADP
+satanic	ADJ
+literature	NOUN
+and	CCONJ
+paraphernalia	NOUN
+in	ADP
+her	PRON
+bedroom	NOUN
+.	PUNCT
+
+During	ADP
+this	DET
+search	NOUN
+,	PUNCT
+Michele	PROPN
+Tollis	PROPN
+became	VERB
+convinced	ADJ
+that	SCONJ
+satanism	PROPN
+had	VERB
+something	PRON
+to	PART
+do	VERB
+with	ADP
+his	PRON
+son	NOUN
+'s	PART
+disappearance	NOUN
+.	PUNCT
+
+"	PUNCT
+No	DET
+one	NOUN
+can	AUX
+contradict	VERB
+me	PRON
+when	ADV
+I	PRON
+say	VERB
+that	SCONJ
+heavy	ADJ
+metal	NOUN
+and	CCONJ
+satanism	PROPN
+are	AUX
+closely	ADV
+linked	VERB
+.	PUNCT
+
+They	PRON
+'re	AUX
+inseparable	ADJ
+,	PUNCT
+"	PUNCT
+he	PRON
+says	VERB
+.	PUNCT
+
+Yeah	INTJ
+,	PUNCT
+I	PRON
+think	VERB
+Jeff	PROPN
+wrote	VERB
+on	ADP
+one	NUM
+of	ADP
+his	PRON
+posts	NOUN
+here	ADV
+in	ADP
+the	DET
+past	ADJ
+several	ADJ
+months	NOUN
+:	PUNCT
+"	PUNCT
+To	ADP
+hell	NOUN
+with	ADP
+death	NOUN
+"	PUNCT
+.	PUNCT
+
+I	PRON
+wholly	ADV
+agree	VERB
+,	PUNCT
+and	CCONJ
+would	AUX
+expand	VERB
+that	DET
+statement	NOUN
+to	PART
+include	VERB
+:	PUNCT
+"	PUNCT
+To	ADP
+hell	NOUN
+with	ADP
+death	NOUN
+metal	NOUN
+"	PUNCT
+.	PUNCT
+
+The	DET
+freaky	ADJ
+thing	NOUN
+here	ADV
+is	VERB
+that	SCONJ
+these	DET
+bozos	NOUN
+are	AUX
+seriously	ADV
+claiming	VERB
+the	DET
+moral	ADJ
+high	ADJ
+ground	NOUN
+?	PUNCT
+?	PUNCT
+?	PUNCT
+?	PUNCT
+?	PUNCT
+
+Talk	VERB
+about	ADP
+a	DET
+beat	VERB
+-	PUNCT
+your	PRON
+-	PUNCT
+head	NOUN
+-	PUNCT
+against	ADP
+-	PUNCT
+the	DET
+-	PUNCT
+wall	NOUN
+moment	NOUN
+!	PUNCT
+
+And	CCONJ
+for	ADP
+'	PUNCT
+Smartwolf	PROPN
+'	PUNCT
+above	ADV
+,	PUNCT
+think	VERB
+about	ADP
+the	DET
+inversion	NOUN
+principle	NOUN
+being	AUX
+employed	VERB
+.	PUNCT
+
+They	PRON
+are	AUX
+doing	VERB
+it	PRON
+deliberately	ADV
+.	PUNCT
+
+Do	AUX
+you	PRON
+really	ADV
+think	VERB
+GWB	PROPN
+,	PUNCT
+and	CCONJ
+neocons	NOUN
+in	ADP
+general	ADJ
+are	AUX
+representative	ADJ
+of	ADP
+true	ADJ
+followers	NOUN
+of	ADP
+Jesus	PROPN
+of	ADP
+Nazareth	PROPN
+?	PUNCT
+
+(	PUNCT
+I	PRON
+know	VERB
+,	PUNCT
+ignorant	ADJ
+question	NOUN
+)	PUNCT
+Then	ADV
+why	ADV
+call	VERB
+them	PRON
+,	PUNCT
+or	CCONJ
+any	DET
+other	ADJ
+phonies	NOUN
+'	PUNCT
+Christians	PROPN
+'	PUNCT
+,	PUNCT
+even	ADV
+if	SCONJ
+they	PRON
+themselves	PRON
+claim	VERB
+the	DET
+appellation	NOUN
+.	PUNCT
+
+They	PRON
+are	AUX
+merely	ADV
+imposters	NOUN
+.	PUNCT
+
+Everything	PRON
+they	PRON
+claim	VERB
+is	AUX
+a	DET
+lie	NOUN
+,	PUNCT
+and	CCONJ
+this	PRON
+above	ADP
+all	DET
+.	PUNCT
+
+So	ADV
+why	ADV
+even	ADV
+credit	VERB
+their	PRON
+claims	NOUN
+?	PUNCT
+
+This	PRON
+only	ADV
+serves	VERB
+their	PRON
+purposes	NOUN
+.	PUNCT
+
+They	PRON
+want	VERB
+to	PART
+be	AUX
+identified	VERB
+as	ADP
+'	PUNCT
+Christians	PROPN
+'	PUNCT
+,	PUNCT
+and	CCONJ
+I	PRON
+fully	ADV
+suspect	VERB
+that	SCONJ
+for	ADP
+some	DET
+of	ADP
+them	PRON
+,	PUNCT
+the	DET
+motivation	NOUN
+behind	ADP
+their	PRON
+subterfuge	NOUN
+is	AUX
+more	ADJ
+than	ADP
+mere	ADJ
+political	ADJ
+advantage	NOUN
+,	PUNCT
+and	CCONJ
+has	VERB
+a	DET
+lot	NOUN
+more	ADJ
+to	PART
+do	VERB
+with	ADP
+the	DET
+black	ADJ
+magician	NOUN
+'s	PART
+practice	NOUN
+of	ADP
+the	DET
+inversion	NOUN
+principle	NOUN
+.	PUNCT
+
+We	PRON
+need	VERB
+to	PART
+be	AUX
+more	ADV
+'	PUNCT
+rigorous	ADJ
+'	PUNCT
+about	SCONJ
+how	ADV
+we	PRON
+perceive	VERB
+these	DET
+people	NOUN
+.	PUNCT
+
+See	VERB
+them	PRON
+as	SCONJ
+they	PRON
+are	VERB
+,	PUNCT
+not	CCONJ
+for	SCONJ
+what	PRON
+they	PRON
+claim	VERB
+to	PART
+be	VERB
+.	PUNCT
+
+...	PUNCT
+the	DET
+most	ADV
+extreme	ADJ
+forms	NOUN
+of	ADP
+heavy	ADJ
+metal	NOUN
+music	NOUN
+-	PUNCT
+death	NOUN
+metal	NOUN
+and	CCONJ
+black	ADJ
+metal	NOUN
+,	PUNCT
+music	NOUN
+obsessed	ADJ
+with	ADP
+images	NOUN
+of	ADP
+murder	NOUN
+and	CCONJ
+satanism	PROPN
+-	PUNCT
+and	CCONJ
+the	DET
+role	NOUN
+of	ADP
+this	DET
+music	NOUN
+is	AUX
+central	ADJ
+to	ADP
+the	DET
+story	NOUN
+.	PUNCT
+
+Almost	ADV
+all	DET
+of	ADP
+the	DET
+avant	NOUN
+guard	NOUN
+art	NOUN
+movements	NOUN
+of	ADP
+the	DET
+early	ADJ
+20th	ADJ
+Century	NOUN
+(	PUNCT
+except	ADP
+for	ADP
+Italian	ADJ
+Futurism	NOUN
+)	PUNCT
+were	AUX
+labeled	VERB
+'	PUNCT
+degenerate	ADJ
+'	PUNCT
+by	ADP
+the	DET
+National	PROPN
+Socialists	PROPN
+.	PUNCT
+
+Adolf	PROPN
+Hitler	PROPN
+even	ADV
+held	VERB
+an	DET
+exhibition	NOUN
+of	ADP
+'	PUNCT
+degenerate	ADJ
+art	NOUN
+'	PUNCT
+in	ADP
+1937	NUM
+,	PUNCT
+while	SCONJ
+curating	VERB
+a	DET
+parallel	ADJ
+show	NOUN
+of	ADP
+'	PUNCT
+Aryan	ADJ
+'	PUNCT
+art	NOUN
+across	ADP
+the	DET
+street	NOUN
+.	PUNCT
+
+The	DET
+German	ADJ
+Expressionist	NOUN
+movement	NOUN
+was	AUX
+destroyed	VERB
+as	ADP
+a	DET
+result	NOUN
+.	PUNCT
+
+Here	ADV
+'s	AUX
+a	DET
+quick	ADJ
+overview	NOUN
+of	ADP
+the	DET
+Entartete	PROPN
+Kunst	PROPN
+(	PUNCT
+Degenerate	PROPN
+Art	PROPN
+)	PUNCT
+exhibit	NOUN
+of	ADP
+1937	NUM
+:	PUNCT
+
+http://en.wikipedia.org/wiki/Degenerate_art	X
+
+Ironically	ADV
+(	PUNCT
+or	CCONJ
+perhaps	ADV
+not	PART
+)	PUNCT
+,	PUNCT
+the	DET
+notion	NOUN
+of	ADP
+the	DET
+'	PUNCT
+degenerate	NOUN
+'	PUNCT
+and	CCONJ
+'	PUNCT
+degenerate	ADJ
+art	NOUN
+'	PUNCT
+was	AUX
+appropriated	VERB
+by	ADP
+the	DET
+Nazis	PROPN
+and	CCONJ
+its	PRON
+origins	NOUN
+can	AUX
+be	AUX
+traced	VERB
+back	ADV
+to	ADP
+Jewish	ADJ
+'	PUNCT
+intellectual	NOUN
+'	PUNCT
+Max	PROPN
+Nordau	PROPN
+and	CCONJ
+a	DET
+1892	NUM
+book	NOUN
+he	PRON
+authored	VERB
+called	VERB
+Degeneration	PROPN
+.	PUNCT
+.	PUNCT
+
+Nordau	PROPN
+was	AUX
+also	ADV
+the	DET
+co	X
+founder	NOUN
+of	ADP
+the	DET
+World	PROPN
+Zionist	PROPN
+Organization	PROPN
+.	PUNCT
+
+When	ADV
+the	DET
+apparently	ADV
+cognitively	ADV
+functional	ADJ
+take	VERB
+actions	NOUN
+that	PRON
+seem	VERB
+senseless	ADJ
+and	CCONJ
+incompetent	ADJ
+,	PUNCT
+it	PRON
+is	AUX
+a	DET
+most	ADV
+certain	ADJ
+sign	NOUN
+that	SCONJ
+they	PRON
+have	VERB
+ulterior	ADJ
+or	CCONJ
+hidden	ADJ
+motives	NOUN
+.	PUNCT
+
+They	PRON
+trust	VERB
+you	PRON
+and	CCONJ
+me	PRON
+to	PART
+be	AUX
+befuddled	VERB
+by	ADP
+their	PRON
+actions	NOUN
+,	PUNCT
+while	SCONJ
+they	PRON
+"	PUNCT
+do	VERB
+as	SCONJ
+they	PRON
+wilt	AUX
+.	PUNCT
+"	PUNCT
+
+A	DET
+question	NOUN
+:	PUNCT
+
+Are	AUX
+the	DET
+adherent	NOUN
+of	ADP
+'	PUNCT
+Crowleyan	ADJ
+Thelema	PROPN
+'	PUNCT
+and	CCONJ
+others	NOUN
+of	ADP
+similar	ADJ
+ilk	NOUN
+appropriating	VERB
+or	CCONJ
+appropriating	VERB
+from	ADP
+the	DET
+appropriators	NOUN
+to	PART
+redirect	VERB
+'	PUNCT
+energy	NOUN
+?	PUNCT
+'	PUNCT
+
+Does	AUX
+this	DET
+reappropriation	NOUN
+lead	VERB
+to	ADP
+or	CCONJ
+originate	VERB
+from	ADP
+the	DET
+same	ADJ
+place	NOUN
+?	PUNCT
+
+Seems	VERB
+as	SCONJ
+if	SCONJ
+there	PRON
+is	VERB
+a	DET
+clear	ADJ
+distinction	NOUN
+being	AUX
+made	VERB
+between	ADP
+the	DET
+'	PUNCT
+imaginary	ADJ
+'	PUNCT
+Whore	PROPN
+of	ADP
+Babalon	PROPN
+and	CCONJ
+the	DET
+actually	ADV
+Whore	PROPN
+of	ADP
+Babylon	PROPN
+,	PUNCT
+which	PRON
+is	AUX
+this	DET
+global	ADJ
+system	NOUN
+.	PUNCT
+
+Is	AUX
+the	DET
+distinction	NOUN
+accurate	ADJ
+and	CCONJ
+valid	ADJ
+?	PUNCT
+
+Does	AUX
+the	DET
+distinction	NOUN
+actually	ADV
+exist	VERB
+?	PUNCT
+
+This	PRON
+is	AUX
+where	ADV
+the	DET
+socio	X
+-	PUNCT
+political	ADJ
+aspect	NOUN
+of	ADP
+this	DET
+conundrum	NOUN
+comes	VERB
+into	ADP
+play	NOUN
+.	PUNCT
+
+Confused	ADJ
+?	PUNCT
+
+Good	INTJ
+.	PUNCT
+
+so	ADV
+,	PUNCT
+enemy	PROPN
+,	PUNCT
+what	PRON
+'s	AUX
+your	PRON
+point	NOUN
+?	PUNCT
+
+Why	ADV
+do	AUX
+n't	PART
+you	PRON
+state	VERB
+it	PRON
+?	PUNCT
+
+My	PRON
+point	NOUN
+is	VERB
+that	SCONJ
+these	PRON
+are	AUX
+all	ADV
+just	ADV
+questions	NOUN
+and	CCONJ
+I	PRON
+am	AUX
+undecided	ADJ
+as	ADP
+to	ADP
+the	DET
+answers	NOUN
+.	PUNCT
+
+Here	ADV
+'s	AUX
+another	DET
+interesting	ADJ
+example	NOUN
+:	PUNCT
+
+John	PROPN
+Balance	PROPN
+from	ADP
+Coil	PROPN
+.	PUNCT
+
+(	PUNCT
+Do	AUX
+n't	PART
+wish	VERB
+to	PART
+use	VERB
+Wikipedia	PROPN
+again	ADV
+,	PUNCT
+it	PRON
+'s	AUX
+just	ADV
+easier	ADJ
+than	SCONJ
+spending	VERB
+time	NOUN
+looking	VERB
+up	ADP
+more	ADJ
+obscure	ADJ
+and	CCONJ
+detailed	ADJ
+information	NOUN
+.	PUNCT
+)	PUNCT
+
+http://en.wikipedia.org/wiki/John_Balance	X
+
+http://www.guardian.co.uk/obituaries/story/0,3604,1371372,00.html	X
+
+Balance	PROPN
+died	VERB
+in	ADP
+2004	NUM
+after	ADP
+a	DET
+'	PUNCT
+fall	NOUN
+.	PUNCT
+'	PUNCT
+
+He	PRON
+blended	VERB
+belief	NOUN
+systems	NOUN
+such	ADJ
+as	ADP
+Shamanism	PROPN
+,	PUNCT
+Christianity	PROPN
+,	PUNCT
+Buddhism	PROPN
+,	PUNCT
+Paganism	PROPN
+,	PUNCT
+Hermeticism	PROPN
+and	CCONJ
+Gnosticism	PROPN
+and	CCONJ
+imbued	VERB
+Coil	PROPN
+'s	PART
+vast	ADJ
+output	NOUN
+with	ADP
+a	DET
+magickal	ADJ
+current	NOUN
+designed	VERB
+to	PART
+have	VERB
+a	DET
+functionally	ADV
+transcendent	ADJ
+effect	NOUN
+on	ADP
+listeners	NOUN
+.	PUNCT
+
+Not	PART
+200,000	NUM
+guns	NOUN
+-	PUNCT
+the	DET
+numbers	NOUN
+do	AUX
+nt	PART
+work	VERB
+:	PUNCT
+
+5	NUM
+kg	NOUN
+per	ADP
+gun	NOUN
+,	PUNCT
+200,000	NUM
+guns	NOUN
+means	VERB
+1000	NUM
+tonnes	NOUN
+,	PUNCT
+impossible	ADJ
+for	ADP
+4	NUM
+containers	NOUN
+.	PUNCT
+
+If	SCONJ
+the	DET
+load	NOUN
+was	AUX
+99	NUM
+tonnes	NOUN
+there	ADV
+were	VERB
+probably	ADV
+less	ADJ
+than	ADP
+20,000	NUM
+.	PUNCT
+
+E@tG	PROPN
+:	PUNCT
+
+Maybe	ADV
+if	SCONJ
+you	PRON
+formulate	VERB
+your	PRON
+questions	NOUN
+a	DET
+little	ADJ
+more	ADV
+specifically	ADV
+it	PRON
+will	AUX
+help	VERB
+you	PRON
+in	SCONJ
+acquiring	VERB
+the	DET
+answers	NOUN
+.	PUNCT
+
+"	PUNCT
+I	PRON
+am	VERB
+,	PUNCT
+therefore	ADV
+I	PRON
+think	VERB
+"	PUNCT
+:)	SYM
+
+Reporting	VERB
+from	ADP
+the	DET
+town	NOUN
+where	ADV
+Susan	PROPN
+Polk	PROPN
+'s	PART
+trial	NOUN
+is	AUX
+going	VERB
+on	ADP
+.	PUNCT
+
+I	PRON
+went	VERB
+across	ADP
+the	DET
+bay	NOUN
+last	ADJ
+night	NOUN
+to	PART
+attend	VERB
+a	DET
+farmer	NOUN
+'s	PART
+market	NOUN
+and	CCONJ
+music	NOUN
+event	NOUN
+.	PUNCT
+
+Lo	INTJ
+and	CCONJ
+behold	INTJ
+,	PUNCT
+the	DET
+Mormons	PROPN
+were	AUX
+there	ADV
+with	ADP
+a	DET
+booth	NOUN
+.	PUNCT
+
+Two	NUM
+young	ADJ
+men	NOUN
+delivering	VERB
+information	NOUN
+about	ADP
+the	DET
+Mormon	ADJ
+genealogy	NOUN
+program	NOUN
+.	PUNCT
+
+Just	ADV
+give	VERB
+your	PRON
+email	NOUN
+and	CCONJ
+/	SYM
+or	CCONJ
+phone	NOUN
+number	NOUN
+to	ADP
+these	DET
+guys	NOUN
+and	CCONJ
+they	PRON
+'ll	AUX
+track	VERB
+down	ADP
+your	PRON
+family	NOUN
+.	PUNCT
+
+I	PRON
+was	AUX
+amazed	VERB
+at	ADP
+the	DET
+spiel	NOUN
+they	PRON
+delivered	VERB
+.	PUNCT
+
+Kindly	ADJ
+young	ADJ
+men	NOUN
+,	PUNCT
+but	CCONJ
+utterly	ADV
+programmed	VERB
+and	CCONJ
+brain	NOUN
+-	PUNCT
+dead	ADJ
+.	PUNCT
+
+I	PRON
+resisted	VERB
+asking	VERB
+any	DET
+questions	NOUN
+that	PRON
+would	AUX
+have	AUX
+required	VERB
+either	DET
+of	ADP
+them	PRON
+to	PART
+think	VERB
+.	PUNCT
+
+It	PRON
+would	AUX
+have	AUX
+been	AUX
+too	ADV
+painful	ADJ
+to	PART
+watch	VERB
+.	PUNCT
+
+Has	AUX
+anyone	PRON
+read	VERB
+the	DET
+letter	NOUN
+purportedly	ADV
+from	ADP
+Ahmadinejad	PROPN
+to	ADP
+George	PROPN
+Bush	PROPN
+?	PUNCT
+
+http://www.thetruthseeker.co.uk/article.asp?id=4503	X
+
+I	PRON
+do	AUX
+n't	PART
+know	VERB
+if	SCONJ
+this	PRON
+has	AUX
+been	AUX
+verified	VERB
+.	PUNCT
+
+But	CCONJ
+succintly	ADV
+making	VERB
+point	NOUN
+after	ADP
+succint	ADJ
+point	NOUN
+,	PUNCT
+the	DET
+text	NOUN
+of	ADP
+the	DET
+letter	NOUN
+stands	VERB
+on	ADP
+its	PRON
+own	ADJ
+merit	NOUN
+,	PUNCT
+regardless	ADV
+.	PUNCT
+
+I	PRON
+like	VERB
+to	PART
+imagine	VERB
+the	DET
+thought	NOUN
+processes	NOUN
+going	VERB
+on	ADP
+in	ADP
+W	PROPN
+'s	PART
+head	NOUN
+if	SCONJ
+he	PRON
+were	VERB
+to	PART
+actually	ADV
+read	VERB
+the	DET
+letter	NOUN
+,	PUNCT
+but	CCONJ
+it	PRON
+is	AUX
+hard	ADJ
+to	PART
+picture	VERB
+him	PRON
+actually	ADV
+reading	VERB
+this	DET
+letter	NOUN
+.	PUNCT
+
+As	SCONJ
+I	PRON
+read	VERB
+the	DET
+letter	NOUN
+,	PUNCT
+I	PRON
+considered	VERB
+the	DET
+vast	ADJ
+contrast	NOUN
+between	ADP
+mind	NOUN
+and	CCONJ
+morality	NOUN
+of	ADP
+whoever	PRON
+wrote	VERB
+it	PRON
+,	PUNCT
+vs.	CCONJ
+that	PRON
+of	ADP
+the	DET
+mind	NOUN
+of	ADP
+the	DET
+man	NOUN
+who	PRON
+once	ADV
+said	VERB
+"	PUNCT
+Bring	VERB
+it	PRON
+on	ADP
+!	PUNCT
+"	PUNCT
+
+America	PROPN
+,	PUNCT
+your	PRON
+condition	NOUN
+is	AUX
+dire	ADJ
+,	PUNCT
+dark	ADJ
+and	CCONJ
+deep	ADJ
+.	PUNCT
+
+Of	ADP
+the	DET
+metal	NOUN
+music	NOUN
+farce	NOUN
+,	PUNCT
+Ministry	PROPN
+has	AUX
+definately	ADV
+made	VERB
+in	NOUN
+-	PUNCT
+road	NOUN
+into	ADP
+'	PUNCT
+Loose	PROPN
+Change	PROPN
+"	PUNCT
+-	PUNCT
+"	PUNCT
+Alex	PROPN
+Jones	PROPN
+"	PUNCT
+territory	NOUN
+with	ADP
+their	PRON
+new	ADJ
+record	NOUN
+,	PUNCT
+Rio	PROPN
+Grande	PROPN
+Blood	PROPN
+.	PUNCT
+
+Important	ADJ
+Kos	PROPN
+Diary	PROPN
+about	ADP
+bush	PROPN
+'s	PART
+response	NOUN
+to	ADP
+the	DET
+gathering	VERB
+storm	NOUN
+of	ADP
+scandals	NOUN
+:	PUNCT
+
+http://www.dailykos.com/story/2006/5/12/232746/857	X
+
+=	SYM
+Executive	ADJ
+Orders	NOUN
+-	PUNCT
+
+very	ADV
+creepy	ADJ
+,	PUNCT
+very	ADV
+scary	ADJ
+
+They	PRON
+have	AUX
+been	AUX
+accumulating	VERB
+for	ADP
+years	NOUN
+,	PUNCT
+and	CCONJ
+basically	ADV
+give	VERB
+the	DET
+president	PROPN
+to	PART
+sieze	VERB
+the	DET
+government	NOUN
+whenever	ADV
+he	PRON
+feels	VERB
+like	ADP
+it	PRON
+.	PUNCT
+
+But	CCONJ
+who	PRON
+would	AUX
+do	VERB
+a	DET
+thing	NOUN
+like	ADP
+that	PRON
+....	PUNCT
+hey	INTJ
+wait	VERB
+a	DET
+minute	NOUN
+
+==	SYM
+Why	ADV
+did	AUX
+Bush	PROPN
+revoke	VERB
+Executive	PROPN
+Order	PROPN
+13011	NUM
+today	NOUN
+?	PUNCT
+
+by	ADP
+exmearden	PROPN
+
+Fri	PROPN
+May	PROPN
+12	NUM
+,	PUNCT
+2006	NUM
+at	ADP
+08:27:46	NUM
+PM	NOUN
+PDT	PROPN
+
+In	SCONJ
+scanning	VERB
+the	DET
+whitehouse.gov	PROPN
+site	NOUN
+today	NOUN
+,	PUNCT
+I	PRON
+noticed	VERB
+the	DET
+following	VERB
+Executive	ADJ
+Order	NOUN
+:	PUNCT
+
+Executive	ADJ
+Order	NOUN
+:	PUNCT
+Amendments	NOUN
+to	ADP
+Executive	ADJ
+Orders	NOUN
+11030	NUM
+,	PUNCT
+13279	NUM
+,	PUNCT
+13339	NUM
+,	PUNCT
+13381	NUM
+,	PUNCT
+and	CCONJ
+13389	NUM
+,	PUNCT
+and	CCONJ
+***	PUNCT
+Revocation	NOUN
+***	PUNCT
+of	ADP
+Executive	ADJ
+Order	NOUN
+13011	NUM
+....	PUNCT
+
+I	PRON
+ca	AUX
+n't	PART
+believe	VERB
+there	PRON
+are	VERB
+no	DET
+serious	ADJ
+metal	NOUN
+fans	NOUN
+who	PRON
+frequent	VERB
+RI	PROPN
+.	PUNCT
+
+I	PRON
+'m	AUX
+wary	ADJ
+of	SCONJ
+jumping	VERB
+into	ADP
+this	DET
+fray	NOUN
+without	ADP
+backup	NOUN
+,	PUNCT
+that	PRON
+'s	AUX
+for	ADP
+damn	ADV
+sure	ADJ
+.	PUNCT
+:)	SYM
+
+I	PRON
+'m	AUX
+a	DET
+regular	ADJ
+poster	NOUN
+but	CCONJ
+for	ADP
+some	DET
+reason	NOUN
+blogger	PROPN
+wo	AUX
+n't	PART
+let	VERB
+me	PRON
+in	ADP
+today	NOUN
+...	PUNCT
+but	CCONJ
+sign	VERB
+me	PRON
+TroubleFunk	PROPN
+.	PUNCT
+
+Tronicus	PROPN
+:	PUNCT
+
+Simply	ADV
+,	PUNCT
+the	DET
+questions	NOUN
+permeate	VERB
+the	DET
+entire	ADJ
+'	PUNCT
+Western	ADJ
+(	PUNCT
+Mystery	NOUN
+)	PUNCT
+Tradition	NOUN
+'	PUNCT
+and	CCONJ
+perhaps	ADV
+'	PUNCT
+Eastern	ADJ
+'	PUNCT
+as	ADV
+well	ADV
+,	PUNCT
+as	SCONJ
+they	PRON
+relate	VERB
+to	ADP
+the	DET
+confluence	NOUN
+of	ADP
+politics	NOUN
+and	CCONJ
+spirituality	NOUN
+.	PUNCT
+
+For	ADP
+example	NOUN
+,	PUNCT
+is	AUX
+the	DET
+system	NOUN
+of	ADP
+Crowleyan	ADJ
+Thelema	PROPN
+a	DET
+failed	VERB
+alchemical	ADJ
+process	NOUN
+?	PUNCT
+
+Or	CCONJ
+was	AUX
+it	PRON
+supposed	VERB
+to	PART
+initially	ADV
+be	AUX
+a	DET
+process	NOUN
+of	ADP
+alchemical	ADJ
+appropriation	NOUN
+?	PUNCT
+
+Similarly	ADV
+,	PUNCT
+is	AUX
+invoking	VERB
+ancient	ADJ
+Egyptian	ADJ
+gods	NOUN
+and	CCONJ
+goddesses	NOUN
+a	DET
+reaffirmation	NOUN
+of	ADP
+an	DET
+oppressive	ADJ
+and	CCONJ
+hierarchical	ADJ
+system	NOUN
+?	PUNCT
+
+In	ADP
+my	PRON
+opinion	NOUN
+,	PUNCT
+people	NOUN
+can	AUX
+no	ADV
+longer	ADV
+afford	VERB
+to	PART
+partition	VERB
+out	ADP
+and	CCONJ
+compartmentalize	VERB
+personal	ADJ
+spiritual	ADJ
+and	CCONJ
+political	ADJ
+systems	NOUN
+.	PUNCT
+
+The	DET
+'	PUNCT
+high	ADJ
+weirdness	NOUN
+'	PUNCT
+and	CCONJ
+more	ADV
+hardcore	ADJ
+political	ADJ
+'	PUNCT
+factions	NOUN
+'	PUNCT
+must	AUX
+perhaps	ADV
+integrate	VERB
+and	CCONJ
+arrive	VERB
+at	ADP
+a	DET
+synthesis	NOUN
+.	PUNCT
+
+In	ADP
+regards	NOUN
+to	ADP
+death	NOUN
+metal	NOUN
+,	PUNCT
+the	DET
+problem	NOUN
+is	AUX
+,	PUNCT
+once	ADV
+again	ADV
+,	PUNCT
+a	DET
+question	NOUN
+of	ADP
+education	NOUN
+,	PUNCT
+history	NOUN
+and	CCONJ
+the	DET
+vacuous	ADJ
+lack	NOUN
+of	ADP
+perspective	NOUN
+in	ADP
+American	ADJ
+culture	NOUN
+.	PUNCT
+
+Shall	AUX
+we	PRON
+censor	VERB
+the	DET
+works	NOUN
+of	ADP
+poet	NOUN
+Charles	NOUN
+Baudelaire	PROPN
+as	ADV
+well	ADV
+?	PUNCT
+
+Baudelaire	PROPN
+was	AUX
+perhaps	ADV
+one	NUM
+of	ADP
+the	DET
+first	ADJ
+'	PUNCT
+death	NOUN
+metal	NOUN
+'	PUNCT
+artists	NOUN
+.	PUNCT
+
+Tronicus	PROPN
+,	PUNCT
+if	SCONJ
+you	PRON
+'re	AUX
+still	ADV
+checking	VERB
+this	DET
+thread	NOUN
+:	PUNCT
+
+A	DET
+bit	NOUN
+of	ADP
+a	DET
+knee	NOUN
+-	PUNCT
+jerk	NOUN
+reaction	NOUN
+from	ADP
+me	PRON
+there	ADV
+,	PUNCT
+and	CCONJ
+I	PRON
+apologize	VERB
+for	ADP
+my	PRON
+over-generalizations	NOUN
+.	PUNCT
+
+My	PRON
+real	ADJ
+problem	NOUN
+is	AUX
+with	ADP
+literalist	NOUN
+fundamentalists	NOUN
+,	PUNCT
+of	ADP
+any	DET
+religion	NOUN
+.	PUNCT
+
+True	ADJ
+believers	NOUN
+are	AUX
+dangerous	ADJ
+animals	NOUN
+.	PUNCT
+
+I	PRON
+just	ADV
+get	VERB
+hung	ADJ
+up	ADJ
+on	ADP
+'	PUNCT
+Christians	PROPN
+'	PUNCT
+,	PUNCT
+as	SCONJ
+they	PRON
+'re	AUX
+the	DET
+dominant	ADJ
+form	NOUN
+where	ADV
+I	PRON
+come	VERB
+from	ADP
+.	PUNCT
+
+Also	ADV
+,	PUNCT
+I	PRON
+'m	AUX
+quite	ADV
+clear	ADJ
+on	ADP
+the	DET
+fact	NOUN
+that	SCONJ
+those	PRON
+in	ADP
+power	NOUN
+now	ADV
+(	PUNCT
+and	CCONJ
+,	PUNCT
+in	ADP
+general	ADJ
+,	PUNCT
+most	ADV
+anyone	PRON
+at	ADP
+the	DET
+top	NOUN
+of	ADP
+a	DET
+pyrimidal	ADJ
+power	NOUN
+structure	NOUN
+)	PUNCT
+tend	VERB
+to	PART
+use	VERB
+the	DET
+dominant	ADJ
+religion	NOUN
+as	ADP
+a	DET
+cloak	NOUN
+to	PART
+hide	VERB
+their	PRON
+true	ADJ
+motivations	NOUN
+and	CCONJ
+as	ADP
+a	DET
+tool	NOUN
+to	PART
+control	VERB
+the	DET
+masses	NOUN
+.	PUNCT
+
+It	PRON
+boggles	VERB
+the	DET
+mind	NOUN
+that	SCONJ
+ANYONE	PRON
+can	AUX
+take	VERB
+at	ADP
+face	NOUN
+value	NOUN
+Bush	PROPN
+'s	PART
+claims	NOUN
+to	PART
+be	AUX
+a	DET
+christian	PROPN
+,	PUNCT
+yet	CCONJ
+many	ADJ
+seem	VERB
+to	PART
+do	VERB
+just	ADV
+that	DET
+.	PUNCT
+
+I	PRON
+seem	VERB
+to	PART
+remember	VERB
+something	PRON
+about	ADP
+'	PUNCT
+by	ADP
+their	PRON
+works	NOUN
+shall	AUX
+ye	PRON
+know	VERB
+them	PRON
+.	PUNCT
+"	PUNCT
+
+I	PRON
+do	AUX
+get	VERB
+my	PRON
+hackles	NOUN
+up	ADV
+a	DET
+bit	NOUN
+when	ADV
+people	NOUN
+haul	VERB
+out	ADV
+the	DET
+old	ADJ
+'	PUNCT
+Rock	NOUN
+-	PUNCT
+N	CCONJ
+-	PUNCT
+Roll	NOUN
+made	VERB
+them	PRON
+do	VERB
+it	PRON
+'	PUNCT
+argument	NOUN
+.	PUNCT
+
+Whie	SCONJ
+I	PRON
+do	AUX
+n't	PART
+subscribe	VERB
+to	ADP
+the	DET
+notion	NOUN
+that	SCONJ
+the	DET
+things	NOUN
+we	PRON
+watch	VERB
+or	CCONJ
+listen	VERB
+to	ADP
+have	VERB
+no	DET
+effect	NOUN
+on	ADP
+our	PRON
+behavior	NOUN
+(	PUNCT
+which	PRON
+I	PRON
+think	VERB
+is	AUX
+patently	ADV
+rediculous	ADJ
+)	PUNCT
+,	PUNCT
+it	PRON
+does	AUX
+bother	VERB
+me	PRON
+when	ADV
+people	NOUN
+single	VERB
+out	ADP
+a	DET
+specific	ADJ
+group	NOUN
+of	ADP
+people	NOUN
+to	PART
+pin	VERB
+the	DET
+blame	NOUN
+on	ADP
+.	PUNCT
+
+Sub-cultures	NOUN
+(	PUNCT
+as	SCONJ
+the	DET
+lable	NOUN
+implies	VERB
+)	PUNCT
+do	AUX
+not	PART
+develope	VERB
+in	ADP
+a	DET
+vacuum	NOUN
+.	PUNCT
+
+Again	ADV
+,	PUNCT
+I	PRON
+think	VERB
+the	DET
+problem	NOUN
+is	AUX
+people	NOUN
+who	PRON
+sink	VERB
+to	ADV
+far	ADV
+into	ADP
+their	PRON
+own	ADJ
+egos	NOUN
+,	PUNCT
+and	CCONJ
+begin	VERB
+to	PART
+take	VERB
+their	PRON
+personal	ADJ
+metaphors	NOUN
+a	DET
+bit	NOUN
+too	ADV
+literaly	ADV
+.	PUNCT
+
+These	DET
+people	NOUN
+are	AUX
+dangerous	ADJ
+wether	SCONJ
+they	PRON
+'re	AUX
+head	NOUN
+-	PUNCT
+banging	VERB
+to	ADP
+'	PUNCT
+Canibal	PROPN
+Corpse	PROPN
+'	PUNCT
+or	CCONJ
+humming	VERB
+along	ADV
+to	ADP
+'	PUNCT
+Onward	ADV
+Christian	PROPN
+Soldiers	PROPN
+'	PUNCT
+.	PUNCT
+
+(	PUNCT
+The	DET
+mixing	NOUN
+of	ADP
+religion	NOUN
+and	CCONJ
+militarism	NOUN
+is	AUX
+a	DET
+whole	ADJ
+other	ADJ
+topic	NOUN
+....	PUNCT
+)	PUNCT
+
+I	PRON
+have	VERB
+nothing	PRON
+but	ADP
+respect	NOUN
+for	ADP
+people	NOUN
+who	PRON
+adhear	VERB
+to	ADP
+non-violence	NOUN
+,	PUNCT
+forgiveness	NOUN
+,	PUNCT
+and	CCONJ
+charity	NOUN
+,	PUNCT
+but	CCONJ
+it	PRON
+'s	AUX
+important	ADJ
+to	PART
+remember	VERB
+that	SCONJ
+Christians	PROPN
+(	PUNCT
+or	CCONJ
+'	PUNCT
+Smartwolves	PROPN
+'	PUNCT
+)	PUNCT
+do	AUX
+not	PART
+have	VERB
+a	DET
+monopoly	NOUN
+on	ADP
+that	DET
+particular	ADJ
+lifestyle	NOUN
+.	PUNCT
+
+Peace	NOUN
+.	PUNCT
+
+The	DET
+fact	NOUN
+that	SCONJ
+the	DET
+US	PROPN
+government	NOUN
+and	CCONJ
+media	NOUN
+are	AUX
+having	VERB
+a	DET
+hissy	NOUN
+fit	NOUN
+over	SCONJ
+Venezuela	PROPN
+wanting	VERB
+to	PART
+buy	VERB
+guns	NOUN
+,	PUNCT
+and	CCONJ
+then	ADV
+200,000	NUM
+of	ADP
+the	DET
+guns	NOUN
+Chavez	PROPN
+wants	VERB
+to	PART
+buy	VERB
+go	VERB
+missing	ADJ
+on	ADP
+their	PRON
+way	NOUN
+to	ADP
+Iraq	PROPN
+is	AUX
+definitely	ADV
+sus	ADJ
+.	PUNCT
+
+I	PRON
+guess	VERB
+those	DET
+guns	NOUN
+will	AUX
+be	AUX
+located	VERB
+enroute	ADV
+to	ADP
+Venezuela	PROPN
+or	CCONJ
+found	VERB
+in	ADP
+storage	NOUN
+there	ADV
+by	ADP
+one	NUM
+of	ADP
+the	DET
+US	PROPN
+'s	PART
+local	ADJ
+stooges	NOUN
+and	CCONJ
+they	PRON
+then	ADV
+have	VERB
+a	DET
+pretext	NOUN
+to	PART
+ramp	VERB
+the	DET
+spin	NOUN
+up	ADP
+a	DET
+notch	NOUN
+or	CCONJ
+two	NUM
+.	PUNCT
+
+Thanks	NOUN
+again	ADV
+to	ADP
+my	PRON
+friend	NOUN
+Nick	PROPN
+Keck	PROPN
+for	SCONJ
+passing	VERB
+this	PRON
+along	ADV
+via	ADP
+e-mail	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+the	DET
+text	NOUN
+of	ADP
+a	DET
+speech	NOUN
+given	VERB
+by	ADP
+an	DET
+Arab	ADJ
+gentleman	NOUN
+before	ADP
+the	DET
+advisory	ADJ
+board	NOUN
+of	ADP
+a	DET
+large	ADJ
+multi-nation	ADJ
+corporation	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+a	DET
+long	ADJ
+but	CCONJ
+very	ADV
+worthwhile	ADJ
+read	NOUN
+.	PUNCT
+
+"	PUNCT
+A	DET
+View	PROPN
+from	ADP
+the	DET
+Eye	PROPN
+of	ADP
+the	DET
+Storm	PROPN
+"	PUNCT
+
+Talk	NOUN
+delivered	VERB
+by	ADP
+Haim	PROPN
+Harari	PROPN
+at	ADP
+a	DET
+meeting	NOUN
+of	ADP
+the	DET
+International	PROPN
+Advisory	PROPN
+Board	PROPN
+of	ADP
+a	DET
+large	ADJ
+multi-national	ADJ
+corporation	NOUN
+,	PUNCT
+April	PROPN
+,	PUNCT
+2004	NUM
+:	PUNCT
+
+"	PUNCT
+As	SCONJ
+you	PRON
+know	VERB
+,	PUNCT
+I	PRON
+usually	ADV
+provide	VERB
+the	DET
+scientific	ADJ
+and	CCONJ
+technological	ADJ
+"	PUNCT
+entertainment	NOUN
+"	PUNCT
+in	ADP
+our	PRON
+meetings	NOUN
+,	PUNCT
+but	CCONJ
+,	PUNCT
+on	ADP
+this	DET
+occasion	NOUN
+,	PUNCT
+our	PRON
+Chairman	PROPN
+suggested	VERB
+that	SCONJ
+I	PRON
+present	VERB
+my	PRON
+own	ADJ
+personal	ADJ
+view	NOUN
+on	ADP
+events	NOUN
+in	ADP
+the	DET
+part	NOUN
+of	ADP
+the	DET
+world	NOUN
+from	ADP
+which	PRON
+I	PRON
+come	VERB
+.	PUNCT
+
+I	PRON
+have	AUX
+never	ADV
+been	VERB
+and	CCONJ
+I	PRON
+will	AUX
+never	ADV
+be	VERB
+a	DET
+Government	NOUN
+official	NOUN
+and	CCONJ
+I	PRON
+have	VERB
+no	DET
+privileged	ADJ
+information	NOUN
+.	PUNCT
+
+My	PRON
+perspective	NOUN
+is	AUX
+entirely	ADV
+based	VERB
+on	SCONJ
+what	PRON
+I	PRON
+see	VERB
+,	PUNCT
+on	SCONJ
+what	PRON
+I	PRON
+read	VERB
+and	CCONJ
+on	ADP
+the	DET
+fact	NOUN
+that	SCONJ
+my	PRON
+family	NOUN
+has	AUX
+lived	VERB
+in	ADP
+this	DET
+region	NOUN
+for	ADP
+almost	ADV
+200	NUM
+years	NOUN
+.	PUNCT
+
+You	PRON
+may	AUX
+regard	VERB
+my	PRON
+views	NOUN
+as	ADP
+those	PRON
+of	ADP
+the	DET
+proverbial	ADJ
+taxi	NOUN
+driver	NOUN
+,	PUNCT
+which	PRON
+you	PRON
+are	AUX
+supposed	VERB
+to	PART
+question	VERB
+,	PUNCT
+when	ADV
+you	PRON
+visit	VERB
+a	DET
+country	NOUN
+.	PUNCT
+
+I	PRON
+could	AUX
+have	AUX
+shared	VERB
+with	ADP
+you	PRON
+some	DET
+fascinating	ADJ
+facts	NOUN
+and	CCONJ
+some	DET
+personal	ADJ
+thoughts	NOUN
+about	ADP
+the	DET
+Israeli	ADJ
+-	PUNCT
+Arab	ADJ
+conflict	NOUN
+.	PUNCT
+
+However	ADV
+,	PUNCT
+I	PRON
+will	AUX
+touch	VERB
+upon	ADP
+it	PRON
+only	ADV
+in	ADP
+passing	NOUN
+.	PUNCT
+
+I	PRON
+prefer	VERB
+to	PART
+devote	VERB
+most	ADJ
+of	ADP
+my	PRON
+remarks	NOUN
+to	ADP
+the	DET
+broader	ADJ
+picture	NOUN
+of	ADP
+the	DET
+region	NOUN
+and	CCONJ
+its	PRON
+place	NOUN
+in	ADP
+world	NOUN
+events	NOUN
+.	PUNCT
+
+I	PRON
+refer	VERB
+to	ADP
+the	DET
+entire	ADJ
+area	NOUN
+between	ADP
+Pakistan	PROPN
+and	CCONJ
+Morocco	PROPN
+,	PUNCT
+which	PRON
+is	AUX
+predominantly	ADV
+Arab	ADJ
+,	PUNCT
+predominantly	ADV
+Moslem	ADJ
+,	PUNCT
+but	CCONJ
+includes	VERB
+many	ADJ
+non-Arab	ADJ
+and	CCONJ
+also	ADV
+significant	ADJ
+non-Moslem	ADJ
+minorities	NOUN
+.	PUNCT
+
+Why	ADV
+do	AUX
+I	PRON
+put	VERB
+aside	ADP
+Israel	PROPN
+and	CCONJ
+its	PRON
+own	ADJ
+immediate	ADJ
+neighborhood	NOUN
+?	PUNCT
+
+Because	SCONJ
+Israel	PROPN
+and	CCONJ
+any	DET
+problems	NOUN
+related	ADJ
+to	ADP
+it	PRON
+,	PUNCT
+in	ADP
+spite	NOUN
+of	SCONJ
+what	PRON
+you	PRON
+might	AUX
+read	VERB
+or	CCONJ
+hear	VERB
+in	ADP
+the	DET
+world	NOUN
+media	NOUN
+,	PUNCT
+is	AUX
+not	PART
+the	DET
+central	ADJ
+issue	NOUN
+,	PUNCT
+and	CCONJ
+has	AUX
+never	ADV
+been	AUX
+the	DET
+central	ADJ
+issue	NOUN
+in	ADP
+the	DET
+upheaval	NOUN
+in	ADP
+the	DET
+region	NOUN
+.	PUNCT
+
+Yes	INTJ
+,	PUNCT
+there	PRON
+is	VERB
+a	DET
+100	NUM
+year	NOUN
+-	PUNCT
+old	ADJ
+Israeli	ADJ
+-	PUNCT
+Arab	ADJ
+conflict	NOUN
+,	PUNCT
+but	CCONJ
+it	PRON
+is	VERB
+not	PART
+where	ADV
+the	DET
+main	ADJ
+show	NOUN
+is	VERB
+.	PUNCT
+
+The	DET
+millions	NOUN
+who	PRON
+died	VERB
+in	ADP
+the	DET
+Iran	PROPN
+-	PUNCT
+Iraq	PROPN
+war	NOUN
+had	VERB
+nothing	PRON
+to	PART
+do	VERB
+with	ADP
+Israel	PROPN
+.	PUNCT
+
+The	DET
+mass	ADJ
+murder	NOUN
+happening	VERB
+right	ADV
+now	ADV
+in	ADP
+Sudan	PROPN
+,	PUNCT
+where	ADV
+the	DET
+Arab	ADJ
+Moslem	ADJ
+regime	NOUN
+is	AUX
+massacring	VERB
+its	PRON
+black	ADJ
+Christian	ADJ
+citizens	NOUN
+,	PUNCT
+has	VERB
+nothing	PRON
+to	PART
+do	VERB
+with	ADP
+Israel	PROPN
+.	PUNCT
+
+The	DET
+frequent	ADJ
+reports	NOUN
+from	ADP
+Algeria	PROPN
+about	ADP
+the	DET
+murders	NOUN
+of	ADP
+hundreds	NOUN
+of	ADP
+civilians	NOUN
+in	ADP
+one	NUM
+village	NOUN
+or	CCONJ
+another	DET
+by	ADP
+other	ADJ
+Algerians	PROPN
+have	VERB
+nothing	PRON
+to	PART
+do	VERB
+with	ADP
+Israel	PROPN
+.	PUNCT
+
+Saddam	PROPN
+Hussein	PROPN
+did	AUX
+not	PART
+invade	VERB
+Kuwait	PROPN
+,	PUNCT
+endanger	VERB
+Saudi	PROPN
+Arabia	PROPN
+and	CCONJ
+butcher	VERB
+his	PRON
+own	ADJ
+people	NOUN
+because	ADP
+of	ADP
+Israel	PROPN
+.	PUNCT
+
+Egypt	PROPN
+did	AUX
+not	PART
+use	VERB
+poison	ADJ
+gas	NOUN
+against	ADP
+Yemen	PROPN
+in	ADP
+the	DET
+60's	NOUN
+because	ADP
+of	ADP
+Israel	PROPN
+.	PUNCT
+
+Assad	PROPN
+the	DET
+Father	PROPN
+did	AUX
+not	PART
+kill	VERB
+tens	NOUN
+of	ADP
+thousands	NOUN
+of	ADP
+his	PRON
+own	ADJ
+citizens	NOUN
+in	ADP
+one	NUM
+week	NOUN
+in	ADP
+El	PROPN
+Hamma	PROPN
+in	ADP
+Syria	PROPN
+because	ADP
+of	ADP
+Israel	PROPN
+.	PUNCT
+
+The	DET
+Taliban	PROPN
+control	NOUN
+of	ADP
+Afghanistan	PROPN
+and	CCONJ
+the	DET
+civil	ADJ
+war	NOUN
+there	ADV
+had	VERB
+nothing	PRON
+to	PART
+do	VERB
+with	ADP
+Israel	PROPN
+.	PUNCT
+
+The	DET
+Libyan	ADJ
+blowing	NOUN
+up	NOUN
+of	ADP
+the	DET
+Pan	PROPN
+-	PUNCT
+Am	PROPN
+flight	NOUN
+had	VERB
+nothing	PRON
+to	PART
+do	VERB
+with	ADP
+Israel	PROPN
+,	PUNCT
+and	CCONJ
+I	PRON
+could	AUX
+go	VERB
+on	ADV
+and	CCONJ
+on	ADV
+and	CCONJ
+on	ADV
+.	PUNCT
+
+The	DET
+root	NOUN
+of	ADP
+the	DET
+trouble	NOUN
+is	VERB
+that	SCONJ
+this	DET
+entire	NOUN
+Moslem	ADJ
+region	NOUN
+is	AUX
+totally	ADV
+dysfunctional	ADJ
+,	PUNCT
+by	ADP
+any	DET
+standard	NOUN
+of	ADP
+the	DET
+word	NOUN
+,	PUNCT
+and	CCONJ
+would	AUX
+have	AUX
+been	AUX
+so	ADV
+even	ADV
+if	SCONJ
+Israel	PROPN
+had	AUX
+joined	VERB
+the	DET
+Arab	PROPN
+league	PROPN
+and	CCONJ
+an	DET
+independent	ADJ
+Palestine	PROPN
+had	AUX
+existed	VERB
+for	ADP
+100	NUM
+years	NOUN
+.	PUNCT
+
+The	DET
+22	NUM
+member	NOUN
+countries	NOUN
+of	ADP
+the	DET
+Arab	PROPN
+league	PROPN
+,	PUNCT
+from	ADP
+Mauritania	PROPN
+to	ADP
+the	DET
+Gulf	PROPN
+States	PROPN
+,	PUNCT
+have	VERB
+a	DET
+total	ADJ
+population	NOUN
+of	ADP
+300	NUM
+millions	NOUN
+,	PUNCT
+larger	ADJ
+than	ADP
+the	DET
+US	PROPN
+and	CCONJ
+almost	ADV
+as	ADV
+large	ADJ
+as	ADP
+the	DET
+EU	PROPN
+before	ADP
+its	PRON
+expansion	NOUN
+.	PUNCT
+
+They	PRON
+have	VERB
+a	DET
+land	NOUN
+area	NOUN
+larger	ADJ
+than	ADP
+either	CCONJ
+the	DET
+US	PROPN
+or	CCONJ
+all	DET
+of	ADP
+Europe	PROPN
+.	PUNCT
+
+These	DET
+22	NUM
+countries	NOUN
+,	PUNCT
+with	ADP
+all	DET
+their	PRON
+oil	NOUN
+and	CCONJ
+natural	ADJ
+resources	NOUN
+,	PUNCT
+have	VERB
+a	DET
+combined	VERB
+GDP	PROPN
+smaller	ADJ
+than	ADP
+that	PRON
+of	ADP
+Netherlands	PROPN
+plus	CCONJ
+Belgium	PROPN
+and	CCONJ
+equal	ADJ
+to	ADP
+half	NOUN
+of	ADP
+the	DET
+GDP	PROPN
+of	ADP
+California	PROPN
+alone	ADV
+.	PUNCT
+
+Within	ADP
+this	DET
+meager	ADJ
+GDP	PROPN
+,	PUNCT
+the	DET
+gaps	NOUN
+between	ADP
+rich	ADJ
+and	CCONJ
+poor	ADJ
+are	AUX
+beyond	ADP
+belief	NOUN
+and	CCONJ
+too	ADV
+many	ADJ
+of	ADP
+the	DET
+rich	ADJ
+made	VERB
+their	PRON
+money	NOUN
+not	ADV
+by	SCONJ
+succeeding	VERB
+in	ADP
+business	NOUN
+,	PUNCT
+but	CCONJ
+by	SCONJ
+being	AUX
+corrupt	ADJ
+rulers	NOUN
+.	PUNCT
+
+The	DET
+social	ADJ
+status	NOUN
+of	ADP
+women	NOUN
+is	AUX
+far	ADV
+below	SCONJ
+what	PRON
+it	PRON
+was	VERB
+in	ADP
+the	DET
+Western	PROPN
+World	PROPN
+150	NUM
+years	NOUN
+ago	ADV
+.	PUNCT
+
+Human	ADJ
+rights	NOUN
+are	AUX
+below	ADP
+any	DET
+reasonable	ADJ
+standard	NOUN
+,	PUNCT
+in	ADP
+spite	NOUN
+of	ADP
+the	DET
+grotesque	ADJ
+fact	NOUN
+that	SCONJ
+Libya	PROPN
+was	AUX
+elected	VERB
+Chair	NOUN
+of	ADP
+the	DET
+UN	PROPN
+Human	PROPN
+Rights	PROPN
+commission	NOUN
+.	PUNCT
+
+According	VERB
+to	ADP
+a	DET
+report	NOUN
+prepared	VERB
+by	ADP
+a	DET
+committee	NOUN
+of	ADP
+Arab	ADJ
+intellectuals	NOUN
+and	CCONJ
+published	VERB
+under	ADP
+the	DET
+auspices	NOUN
+of	ADP
+the	DET
+U.N.	PROPN
+,	PUNCT
+the	DET
+number	NOUN
+of	ADP
+books	NOUN
+translated	VERB
+by	ADP
+the	DET
+entire	ADJ
+Arab	ADJ
+world	NOUN
+is	AUX
+much	ADV
+smaller	ADJ
+than	SCONJ
+what	PRON
+little	ADJ
+Greece	PROPN
+alone	ADV
+translates	VERB
+.	PUNCT
+
+The	DET
+total	ADJ
+number	NOUN
+of	ADP
+scientific	ADJ
+publications	NOUN
+of	ADP
+300	NUM
+million	NUM
+Arabs	PROPN
+is	AUX
+less	ADJ
+than	ADP
+that	PRON
+of	ADP
+6	NUM
+million	NUM
+Israelis	PROPN
+.	PUNCT
+
+Birth	NOUN
+rates	NOUN
+in	ADP
+the	DET
+region	NOUN
+are	AUX
+very	ADV
+high	ADJ
+,	PUNCT
+increasing	VERB
+the	DET
+poverty	NOUN
+,	PUNCT
+the	DET
+social	ADJ
+gaps	NOUN
+and	CCONJ
+the	DET
+cultural	ADJ
+decline	NOUN
+.	PUNCT
+
+And	CCONJ
+all	DET
+of	ADP
+this	PRON
+is	AUX
+happening	VERB
+in	ADP
+a	DET
+region	NOUN
+,	PUNCT
+which	PRON
+only	ADV
+30	NUM
+years	NOUN
+ago	ADV
+,	PUNCT
+was	AUX
+believed	VERB
+to	PART
+be	AUX
+the	DET
+next	ADJ
+wealthy	ADJ
+part	NOUN
+of	ADP
+the	DET
+world	NOUN
+,	PUNCT
+and	CCONJ
+in	ADP
+a	DET
+Moslem	ADJ
+area	NOUN
+,	PUNCT
+which	PRON
+developed	VERB
+,	PUNCT
+at	ADP
+some	DET
+point	NOUN
+in	ADP
+history	NOUN
+,	PUNCT
+one	NUM
+of	ADP
+the	DET
+most	ADV
+advanced	ADJ
+cultures	NOUN
+in	ADP
+the	DET
+world	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+fair	ADJ
+to	PART
+say	VERB
+that	SCONJ
+this	PRON
+creates	VERB
+an	DET
+unprecedented	ADJ
+breeding	NOUN
+ground	NOUN
+for	ADP
+cruel	ADJ
+dictators	NOUN
+,	PUNCT
+terror	NOUN
+networks	NOUN
+,	PUNCT
+fanaticism	NOUN
+,	PUNCT
+incitement	NOUN
+,	PUNCT
+suicide	NOUN
+murders	NOUN
+and	CCONJ
+general	ADJ
+decline	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+also	ADV
+a	DET
+fact	NOUN
+that	SCONJ
+almost	ADV
+everybody	PRON
+in	ADP
+the	DET
+region	NOUN
+blames	VERB
+this	DET
+situation	NOUN
+on	ADP
+the	DET
+United	PROPN
+States	PROPN
+,	PUNCT
+on	ADP
+Israel	PROPN
+,	PUNCT
+on	ADP
+Western	ADJ
+Civilization	NOUN
+,	PUNCT
+on	ADP
+Judaism	PROPN
+and	CCONJ
+Christianity	PROPN
+,	PUNCT
+on	ADP
+anyone	PRON
+and	CCONJ
+anything	PRON
+,	PUNCT
+except	ADP
+themselves	PRON
+.	PUNCT
+
+A	DET
+word	NOUN
+about	ADP
+the	DET
+millions	NOUN
+of	ADP
+decent	ADJ
+,	PUNCT
+honest	ADJ
+,	PUNCT
+good	ADJ
+people	NOUN
+who	PRON
+are	AUX
+either	CCONJ
+devout	ADJ
+Moslems	PROPN
+or	CCONJ
+are	AUX
+not	PART
+very	ADV
+religious	ADJ
+but	CCONJ
+grew	VERB
+up	ADP
+in	ADP
+Moslem	ADJ
+families	NOUN
+:	PUNCT
+They	PRON
+are	AUX
+double	ADJ
+victims	NOUN
+of	ADP
+an	DET
+outside	ADJ
+world	NOUN
+,	PUNCT
+which	PRON
+now	ADV
+develops	VERB
+Islamophobia	NOUN
+,	PUNCT
+and	CCONJ
+of	ADP
+their	PRON
+own	ADJ
+environment	NOUN
+which	PRON
+breaks	VERB
+their	PRON
+heart	NOUN
+by	SCONJ
+being	AUX
+totally	ADV
+dysfunctional	ADJ
+.	PUNCT
+
+The	DET
+problem	NOUN
+is	VERB
+that	SCONJ
+the	DET
+vast	ADJ
+silent	ADJ
+majority	NOUN
+of	ADP
+these	DET
+Moslems	PROPN
+are	AUX
+not	PART
+part	NOUN
+of	ADP
+the	DET
+terror	NOUN
+and	CCONJ
+the	DET
+incitement	NOUN
+,	PUNCT
+but	CCONJ
+they	PRON
+also	ADV
+do	AUX
+not	PART
+stand	VERB
+up	ADP
+against	ADP
+it	PRON
+.	PUNCT
+
+They	PRON
+become	VERB
+accomplices	NOUN
+,	PUNCT
+by	ADP
+omission	NOUN
+,	PUNCT
+and	CCONJ
+this	PRON
+applies	VERB
+to	ADP
+political	ADJ
+leaders	NOUN
+,	PUNCT
+intellectuals	NOUN
+,	PUNCT
+business	NOUN
+people	NOUN
+and	CCONJ
+many	ADJ
+others	NOUN
+.	PUNCT
+
+Many	ADJ
+of	ADP
+them	PRON
+can	AUX
+certainly	ADV
+tell	VERB
+right	NOUN
+from	ADP
+wrong	NOUN
+,	PUNCT
+but	CCONJ
+are	AUX
+afraid	ADJ
+to	PART
+express	VERB
+their	PRON
+views	NOUN
+.	PUNCT
+
+The	DET
+events	NOUN
+of	ADP
+the	DET
+last	ADJ
+few	ADJ
+years	NOUN
+have	AUX
+amplified	VERB
+four	NUM
+issues	NOUN
+,	PUNCT
+which	PRON
+have	AUX
+always	ADV
+existed	VERB
+,	PUNCT
+but	CCONJ
+have	AUX
+never	ADV
+been	AUX
+as	ADV
+rampant	ADJ
+as	ADP
+in	ADP
+the	DET
+present	ADJ
+upheaval	NOUN
+in	ADP
+the	DET
+region	NOUN
+.	PUNCT
+
+A	DET
+few	ADJ
+more	ADJ
+years	NOUN
+may	AUX
+pass	VERB
+before	SCONJ
+everybody	PRON
+acknowledges	VERB
+that	SCONJ
+it	PRON
+is	AUX
+a	DET
+World	PROPN
+War	PROPN
+,	PUNCT
+but	CCONJ
+we	PRON
+are	AUX
+already	ADV
+well	ADV
+into	ADP
+it	PRON
+.	PUNCT
+
+These	PRON
+are	AUX
+the	DET
+four	NUM
+main	ADJ
+pillars	NOUN
+of	ADP
+the	DET
+current	ADJ
+World	NOUN
+Conflict	NOUN
+,	PUNCT
+or	CCONJ
+perhaps	ADV
+we	PRON
+should	AUX
+already	ADV
+refer	VERB
+to	ADP
+it	PRON
+as	ADP
+"	PUNCT
+the	DET
+undeclared	ADJ
+World	PROPN
+War	PROPN
+III	PROPN
+"	PUNCT
+:	PUNCT
+
+*	PUNCT
+1	X
+.	PUNCT
+The	DET
+first	ADJ
+element	NOUN
+is	AUX
+the	DET
+suicide	NOUN
+murder	NOUN
+.	PUNCT
+*	PUNCT
+
+Suicide	NOUN
+murders	NOUN
+are	AUX
+not	PART
+a	DET
+new	ADJ
+invention	NOUN
+but	CCONJ
+they	PRON
+have	AUX
+been	AUX
+made	VERB
+popular	ADJ
+,	PUNCT
+if	SCONJ
+I	PRON
+may	AUX
+use	VERB
+this	DET
+expression	NOUN
+,	PUNCT
+only	ADV
+lately	ADV
+.	PUNCT
+
+Even	ADV
+after	ADP
+September	PROPN
+11	NUM
+,	PUNCT
+it	PRON
+seems	VERB
+that	SCONJ
+most	ADJ
+of	ADP
+the	DET
+Western	PROPN
+World	PROPN
+does	AUX
+not	PART
+yet	ADV
+understand	VERB
+this	DET
+weapon	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+a	DET
+very	ADV
+potent	ADJ
+psychological	ADJ
+weapon	NOUN
+.	PUNCT
+
+Its	PRON
+real	ADJ
+direct	ADJ
+impact	NOUN
+is	AUX
+relatively	ADV
+minor	ADJ
+.	PUNCT
+
+The	DET
+total	ADJ
+number	NOUN
+of	ADP
+casualties	NOUN
+from	ADP
+hundreds	NOUN
+of	ADP
+suicide	NOUN
+murders	NOUN
+within	ADP
+Israel	PROPN
+in	ADP
+the	DET
+last	ADJ
+three	NUM
+years	NOUN
+is	AUX
+much	ADV
+smaller	ADJ
+than	ADP
+those	PRON
+due	ADP
+to	ADP
+car	NOUN
+accidents	NOUN
+.	PUNCT
+
+September	PROPN
+11	NUM
+was	AUX
+quantitatively	ADV
+much	ADV
+less	ADV
+lethal	ADJ
+than	ADP
+many	ADJ
+earthquakes	NOUN
+
+More	ADJ
+people	NOUN
+die	VERB
+from	ADP
+AIDS	NOUN
+in	ADP
+one	NUM
+day	NOUN
+in	ADP
+Africa	PROPN
+than	ADP
+all	DET
+the	DET
+Russians	PROPN
+who	PRON
+died	VERB
+in	ADP
+the	DET
+hands	NOUN
+of	ADP
+Chechnya	PROPN
+-	PUNCT
+based	VERB
+Moslem	ADJ
+suicide	NOUN
+murderers	NOUN
+since	SCONJ
+that	DET
+conflict	NOUN
+started	VERB
+.	PUNCT
+
+Saddam	PROPN
+killed	VERB
+every	ADJ
+month	NOUN
+more	ADJ
+people	NOUN
+than	ADP
+all	DET
+those	DET
+who	PRON
+died	VERB
+from	ADP
+suicide	NOUN
+murders	NOUN
+since	ADP
+the	DET
+Coalition	PROPN
+occupation	NOUN
+of	ADP
+Iraq	PROPN
+.	PUNCT
+
+So	ADV
+what	PRON
+is	AUX
+all	DET
+the	DET
+fuss	NOUN
+about	ADP
+suicide	NOUN
+killings	NOUN
+?	PUNCT
+
+It	PRON
+creates	VERB
+headlines	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+spectacular	ADJ
+.	PUNCT
+
+It	PRON
+is	AUX
+frightening	ADJ
+.	PUNCT
+
+It	PRON
+is	AUX
+a	DET
+very	ADV
+cruel	ADJ
+death	NOUN
+with	ADP
+bodies	NOUN
+dismembered	VERB
+and	CCONJ
+horrible	ADJ
+severe	ADJ
+lifelong	ADJ
+injuries	NOUN
+to	ADP
+many	ADJ
+of	ADP
+the	DET
+wounded	ADJ
+.	PUNCT
+
+It	PRON
+is	AUX
+always	ADV
+shown	VERB
+on	ADP
+television	NOUN
+in	ADP
+great	ADJ
+detail	NOUN
+.	PUNCT
+
+One	NUM
+such	ADJ
+murder	NOUN
+,	PUNCT
+with	ADP
+the	DET
+help	NOUN
+of	ADP
+hysterical	ADJ
+media	NOUN
+coverage	NOUN
+,	PUNCT
+can	AUX
+destroy	VERB
+the	DET
+tourism	NOUN
+industry	NOUN
+of	ADP
+a	DET
+country	NOUN
+for	ADP
+quite	DET
+a	DET
+while	NOUN
+,	PUNCT
+as	SCONJ
+it	PRON
+did	AUX
+in	ADP
+Bali	PROPN
+and	CCONJ
+in	ADP
+Turkey	PROPN
+.	PUNCT
+
+But	CCONJ
+the	DET
+real	ADJ
+fear	NOUN
+comes	VERB
+from	ADP
+the	DET
+undisputed	ADJ
+fact	NOUN
+that	SCONJ
+no	DET
+defense	NOUN
+and	CCONJ
+no	DET
+preventive	ADJ
+measures	NOUN
+can	AUX
+succeed	VERB
+against	ADP
+a	DET
+determined	ADJ
+suicide	NOUN
+murderer	NOUN
+.	PUNCT
+
+This	PRON
+has	AUX
+not	PART
+yet	ADV
+penetrated	VERB
+the	DET
+thinking	NOUN
+of	ADP
+the	DET
+Western	PROPN
+World	PROPN
+.	PUNCT
+
+The	DET
+U.S.	PROPN
+and	CCONJ
+Europe	PROPN
+are	AUX
+constantly	ADV
+improving	VERB
+their	PRON
+defense	NOUN
+against	ADP
+the	DET
+last	ADJ
+murder	NOUN
+,	PUNCT
+not	ADV
+the	DET
+next	ADJ
+one	NUM
+.	PUNCT
+
+We	PRON
+may	AUX
+arrange	VERB
+for	ADP
+the	DET
+best	ADJ
+airport	NOUN
+security	NOUN
+in	ADP
+the	DET
+world	NOUN
+.	PUNCT
+
+But	CCONJ
+if	SCONJ
+you	PRON
+want	VERB
+to	PART
+murder	VERB
+by	ADP
+suicide	NOUN
+,	PUNCT
+you	PRON
+do	AUX
+not	PART
+have	VERB
+to	PART
+board	VERB
+a	DET
+plane	NOUN
+in	ADP
+order	NOUN
+to	PART
+explode	VERB
+yourself	PRON
+and	CCONJ
+kill	VERB
+many	ADJ
+people	NOUN
+.	PUNCT
+
+Who	PRON
+could	AUX
+stop	VERB
+a	DET
+suicide	NOUN
+murder	NOUN
+in	ADP
+the	DET
+midst	NOUN
+of	ADP
+the	DET
+crowded	ADJ
+line	NOUN
+waiting	VERB
+to	PART
+be	AUX
+checked	VERB
+by	ADP
+the	DET
+airport	NOUN
+metal	NOUN
+detector	NOUN
+?	PUNCT
+
+How	ADV
+about	ADP
+the	DET
+lines	NOUN
+to	ADP
+the	DET
+check	VERB
+-	PUNCT
+in	ADP
+counters	NOUN
+in	ADP
+a	DET
+busy	ADJ
+travel	NOUN
+period	NOUN
+?	PUNCT
+
+Put	VERB
+a	DET
+metal	NOUN
+detector	NOUN
+in	ADP
+front	NOUN
+of	ADP
+every	DET
+train	NOUN
+station	NOUN
+in	ADP
+Spain	PROPN
+and	CCONJ
+the	DET
+terrorists	NOUN
+will	AUX
+get	VERB
+the	DET
+buses	NOUN
+.	PUNCT
+
+Protect	VERB
+the	DET
+buses	NOUN
+and	CCONJ
+they	PRON
+will	AUX
+explode	VERB
+in	ADP
+movie	NOUN
+theaters	NOUN
+,	PUNCT
+concert	NOUN
+halls	NOUN
+,	PUNCT
+supermarkets	NOUN
+,	PUNCT
+shopping	NOUN
+malls	NOUN
+,	PUNCT
+schools	NOUN
+and	CCONJ
+hospitals	NOUN
+.	PUNCT
+
+Put	VERB
+guards	NOUN
+in	ADP
+front	NOUN
+of	ADP
+every	DET
+concert	NOUN
+hall	NOUN
+and	CCONJ
+there	PRON
+will	AUX
+always	ADV
+be	VERB
+a	DET
+line	NOUN
+of	ADP
+people	NOUN
+to	PART
+be	AUX
+checked	VERB
+by	ADP
+the	DET
+guards	NOUN
+and	CCONJ
+this	DET
+line	NOUN
+will	AUX
+be	AUX
+the	DET
+target	NOUN
+,	PUNCT
+not	ADV
+to	PART
+speak	VERB
+of	SCONJ
+killing	VERB
+the	DET
+guards	NOUN
+themselves	PRON
+.	PUNCT
+
+You	PRON
+can	AUX
+somewhat	ADV
+reduce	VERB
+your	PRON
+vulnerability	NOUN
+by	ADP
+preventive	ADJ
+and	CCONJ
+defensive	ADJ
+measures	NOUN
+and	CCONJ
+by	ADP
+strict	ADJ
+border	NOUN
+controls	NOUN
+but	CCONJ
+not	PART
+eliminate	VERB
+it	PRON
+and	CCONJ
+definitely	ADV
+not	PART
+win	VERB
+the	DET
+war	NOUN
+in	ADP
+a	DET
+defensive	ADJ
+way	NOUN
+.	PUNCT
+
+And	CCONJ
+it	PRON
+is	AUX
+a	DET
+war	NOUN
+!	PUNCT
+
+What	PRON
+is	AUX
+behind	ADP
+the	DET
+suicide	NOUN
+murders	NOUN
+?	PUNCT
+
+Money	NOUN
+is	AUX
+,	PUNCT
+money	NOUN
+and	CCONJ
+power	NOUN
+and	CCONJ
+cold	ADJ
+-	PUNCT
+blooded	ADJ
+murderous	ADJ
+incitement	NOUN
+,	PUNCT
+nothing	PRON
+else	ADJ
+.	PUNCT
+
+It	PRON
+has	VERB
+nothing	PRON
+to	PART
+do	VERB
+with	ADP
+true	ADJ
+fanatic	ADJ
+religious	ADJ
+beliefs	NOUN
+.	PUNCT
+
+No	DET
+Moslem	ADJ
+preacher	NOUN
+has	AUX
+ever	ADV
+blown	VERB
+himself	PRON
+up	ADP
+.	PUNCT
+
+No	DET
+son	NOUN
+of	ADP
+an	DET
+Arab	ADJ
+politician	NOUN
+or	CCONJ
+religious	ADJ
+leader	NOUN
+has	AUX
+ever	ADV
+blown	VERB
+himself	PRON
+up	ADP
+.	PUNCT
+
+No	DET
+relative	NOUN
+of	ADP
+anyone	PRON
+influential	ADJ
+has	AUX
+done	VERB
+it	PRON
+.	PUNCT
+
+Would	AUX
+n't	PART
+you	PRON
+expect	VERB
+some	DET
+of	ADP
+the	DET
+religious	ADJ
+leaders	NOUN
+to	PART
+do	VERB
+it	PRON
+themselves	PRON
+,	PUNCT
+or	CCONJ
+to	PART
+talk	VERB
+their	PRON
+sons	NOUN
+into	SCONJ
+doing	VERB
+it	PRON
+,	PUNCT
+if	SCONJ
+this	PRON
+is	AUX
+truly	ADV
+a	DET
+supreme	ADJ
+act	NOUN
+of	ADP
+religious	ADJ
+fervor	NOUN
+?	PUNCT
+
+Are	AUX
+n't	PART
+they	PRON
+interested	ADJ
+in	ADP
+the	DET
+benefits	NOUN
+of	SCONJ
+going	VERB
+to	ADP
+Heaven	PROPN
+?	PUNCT
+
+Instead	ADV
+,	PUNCT
+they	PRON
+send	VERB
+outcast	ADJ
+women	NOUN
+,	PUNCT
+naive	ADJ
+children	NOUN
+,	PUNCT
+retarded	ADJ
+people	NOUN
+and	CCONJ
+young	ADJ
+incited	VERB
+hotheads	NOUN
+.	PUNCT
+
+They	PRON
+promise	VERB
+them	PRON
+the	DET
+delights	NOUN
+,	PUNCT
+mostly	ADV
+sexual	ADJ
+,	PUNCT
+of	ADP
+the	DET
+next	ADJ
+world	NOUN
+,	PUNCT
+and	CCONJ
+pay	VERB
+their	PRON
+families	NOUN
+handsomely	ADV
+after	SCONJ
+the	DET
+supreme	ADJ
+act	NOUN
+is	AUX
+performed	VERB
+and	CCONJ
+enough	ADJ
+innocent	ADJ
+people	NOUN
+are	AUX
+dead	ADJ
+.	PUNCT
+
+Suicide	NOUN
+murders	NOUN
+also	ADV
+have	VERB
+nothing	PRON
+to	PART
+do	VERB
+with	ADP
+poverty	NOUN
+and	CCONJ
+despair	NOUN
+.	PUNCT
+
+The	DET
+poorest	ADJ
+region	NOUN
+in	ADP
+the	DET
+world	NOUN
+,	PUNCT
+by	ADP
+far	ADV
+,	PUNCT
+is	AUX
+Africa	PROPN
+.	PUNCT
+
+It	PRON
+never	ADV
+happens	VERB
+there	ADV
+.	PUNCT
+
+There	PRON
+are	VERB
+numerous	ADJ
+desperate	ADJ
+people	NOUN
+in	ADP
+the	DET
+world	NOUN
+,	PUNCT
+in	ADP
+different	ADJ
+cultures	NOUN
+,	PUNCT
+countries	NOUN
+and	CCONJ
+continents	NOUN
+.	PUNCT
+
+Desperation	NOUN
+does	AUX
+not	PART
+provide	VERB
+anyone	PRON
+with	ADP
+explosives	NOUN
+,	PUNCT
+reconnaissance	NOUN
+and	CCONJ
+transportation	NOUN
+.	PUNCT
+
+There	PRON
+was	VERB
+certainly	ADV
+more	ADJ
+despair	NOUN
+in	ADP
+Saddam	PROPN
+'s	PART
+Iraq	PROPN
+than	ADP
+in	ADP
+Paul	PROPN
+Bremmer	PROPN
+'s	PART
+Iraq	PROPN
+,	PUNCT
+and	CCONJ
+no	DET
+one	NOUN
+exploded	VERB
+himself	PRON
+.	PUNCT
+
+A	DET
+suicide	NOUN
+murder	NOUN
+is	AUX
+simply	ADV
+a	DET
+horrible	ADJ
+,	PUNCT
+vicious	ADJ
+weapon	NOUN
+of	ADP
+cruel	ADJ
+,	PUNCT
+inhuman	ADJ
+,	PUNCT
+cynical	ADJ
+,	PUNCT
+well	ADV
+-	PUNCT
+funded	VERB
+terrorists	NOUN
+,	PUNCT
+with	ADP
+no	DET
+regard	NOUN
+to	ADP
+human	ADJ
+life	NOUN
+,	PUNCT
+including	VERB
+the	DET
+life	NOUN
+of	ADP
+their	PRON
+fellow	ADJ
+countrymen	NOUN
+,	PUNCT
+but	CCONJ
+with	ADP
+very	ADV
+high	ADJ
+regard	NOUN
+to	ADP
+their	PRON
+own	ADJ
+affluent	ADJ
+well	ADV
+-	PUNCT
+being	NOUN
+and	CCONJ
+their	PRON
+hunger	NOUN
+for	ADP
+power	NOUN
+.	PUNCT
+
+The	DET
+only	ADJ
+way	NOUN
+to	PART
+fight	VERB
+this	DET
+new	ADJ
+"	PUNCT
+popular	ADJ
+"	PUNCT
+weapon	NOUN
+is	AUX
+identical	ADJ
+to	ADP
+the	DET
+only	ADJ
+way	NOUN
+in	ADP
+which	PRON
+you	PRON
+fight	VERB
+organized	ADJ
+crime	NOUN
+or	CCONJ
+pirates	NOUN
+on	ADP
+the	DET
+high	ADJ
+seas	NOUN
+:	PUNCT
+the	DET
+offensive	ADJ
+way	NOUN
+.	PUNCT
+
+Like	ADP
+in	ADP
+the	DET
+case	NOUN
+of	ADP
+organized	ADJ
+crime	NOUN
+,	PUNCT
+it	PRON
+is	AUX
+crucial	ADJ
+that	SCONJ
+the	DET
+forces	NOUN
+on	ADP
+the	DET
+offensive	NOUN
+be	AUX
+united	ADJ
+and	CCONJ
+it	PRON
+is	AUX
+crucial	ADJ
+to	PART
+reach	VERB
+the	DET
+top	NOUN
+of	ADP
+the	DET
+crime	NOUN
+pyramid	NOUN
+.	PUNCT
+
+You	PRON
+can	AUX
+not	PART
+eliminate	VERB
+organized	ADJ
+crime	NOUN
+by	SCONJ
+arresting	VERB
+the	DET
+little	ADJ
+drug	NOUN
+dealer	NOUN
+on	ADP
+the	DET
+street	NOUN
+corner	NOUN
+.	PUNCT
+
+You	PRON
+must	AUX
+go	VERB
+after	ADP
+the	DET
+head	NOUN
+of	ADP
+the	DET
+"	PUNCT
+Family	NOUN
+"	PUNCT
+.	PUNCT
+
+If	SCONJ
+part	NOUN
+of	ADP
+the	DET
+public	NOUN
+supports	VERB
+it	PRON
+,	PUNCT
+others	NOUN
+tolerate	VERB
+it	PRON
+,	PUNCT
+many	ADJ
+are	AUX
+afraid	ADJ
+of	ADP
+it	PRON
+and	CCONJ
+some	DET
+try	VERB
+to	PART
+explain	VERB
+it	PRON
+away	ADV
+by	ADP
+poverty	NOUN
+or	CCONJ
+by	ADP
+a	DET
+miserable	ADJ
+childhood	NOUN
+,	PUNCT
+organized	ADJ
+crime	NOUN
+will	AUX
+thrive	VERB
+and	CCONJ
+so	ADV
+will	AUX
+terrorism	NOUN
+.	PUNCT
+
+The	DET
+United	PROPN
+States	PROPN
+understands	VERB
+this	PRON
+now	ADV
+,	PUNCT
+after	ADP
+September	PROPN
+11	NUM
+.	PUNCT
+
+Russia	PROPN
+is	AUX
+beginning	VERB
+to	PART
+understand	VERB
+it	PRON
+.	PUNCT
+
+Turkey	PROPN
+understands	VERB
+it	PRON
+well	ADV
+.	PUNCT
+
+I	PRON
+am	AUX
+very	ADV
+much	ADV
+afraid	ADJ
+that	SCONJ
+most	ADJ
+of	ADP
+Europe	PROPN
+still	ADV
+does	AUX
+not	PART
+understand	VERB
+it	PRON
+.	PUNCT
+
+Unfortunately	ADV
+,	PUNCT
+it	PRON
+seems	VERB
+that	SCONJ
+Europe	PROPN
+will	AUX
+understand	VERB
+it	PRON
+only	ADV
+after	SCONJ
+suicide	NOUN
+murders	NOUN
+arrive	VERB
+in	ADP
+Europe	PROPN
+in	ADP
+a	DET
+big	ADJ
+way	NOUN
+.	PUNCT
+
+In	ADP
+my	PRON
+humble	ADJ
+opinion	NOUN
+,	PUNCT
+this	PRON
+will	AUX
+definitely	ADV
+happen	VERB
+.	PUNCT
+
+The	DET
+Spanish	ADJ
+trains	NOUN
+and	CCONJ
+the	DET
+Istanbul	PROPN
+bombings	NOUN
+are	AUX
+only	ADV
+the	DET
+beginning	NOUN
+.	PUNCT
+
+The	DET
+unity	NOUN
+of	ADP
+the	DET
+Civilized	ADJ
+World	NOUN
+in	SCONJ
+fighting	VERB
+this	DET
+horror	NOUN
+is	AUX
+absolutely	ADV
+indispensable	ADJ
+.	PUNCT
+
+Until	SCONJ
+Europe	PROPN
+wakes	VERB
+up	ADP
+,	PUNCT
+this	DET
+unity	NOUN
+will	AUX
+not	PART
+be	AUX
+achieved	VERB
+.	PUNCT
+
+*	PUNCT
+2	X
+.	PUNCT
+The	DET
+second	ADJ
+ingredient	NOUN
+is	AUX
+words	NOUN
+,	PUNCT
+more	ADV
+precisely	ADV
+lies	NOUN
+.	PUNCT
+*	PUNCT
+
+Words	NOUN
+can	AUX
+be	AUX
+lethal	ADJ
+.	PUNCT
+
+They	PRON
+kill	VERB
+people	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+often	ADV
+said	VERB
+that	SCONJ
+politicians	NOUN
+,	PUNCT
+diplomats	NOUN
+and	CCONJ
+perhaps	ADV
+also	ADV
+lawyers	NOUN
+and	CCONJ
+business	NOUN
+people	NOUN
+must	AUX
+sometimes	ADV
+lie	VERB
+,	PUNCT
+as	ADP
+part	NOUN
+of	ADP
+their	PRON
+professional	ADJ
+life	NOUN
+.	PUNCT
+
+But	CCONJ
+the	DET
+norms	NOUN
+of	ADP
+politics	NOUN
+and	CCONJ
+diplomacy	NOUN
+are	AUX
+childish	ADJ
+,	PUNCT
+in	ADP
+comparison	NOUN
+with	ADP
+the	DET
+level	NOUN
+of	ADP
+incitement	NOUN
+and	CCONJ
+total	ADJ
+absolute	ADJ
+deliberate	ADJ
+fabrications	NOUN
+,	PUNCT
+which	PRON
+have	AUX
+reached	VERB
+new	ADJ
+heights	NOUN
+in	ADP
+the	DET
+region	NOUN
+we	PRON
+are	AUX
+talking	VERB
+about	ADP
+.	PUNCT
+
+An	DET
+incredible	ADJ
+number	NOUN
+of	ADP
+people	NOUN
+in	ADP
+the	DET
+Arab	ADJ
+world	NOUN
+believe	VERB
+that	SCONJ
+September	PROPN
+11	NUM
+never	ADV
+happened	VERB
+,	PUNCT
+or	CCONJ
+was	AUX
+an	DET
+American	ADJ
+provocation	NOUN
+or	CCONJ
+,	PUNCT
+even	ADV
+better	ADV
+,	PUNCT
+a	DET
+Jewish	ADJ
+plot	NOUN
+.	PUNCT
+
+You	PRON
+all	DET
+remember	VERB
+the	DET
+Iraqi	ADJ
+Minister	PROPN
+of	ADP
+Information	PROPN
+,	PUNCT
+Mr.	PROPN
+Mouhamad	PROPN
+Said	PROPN
+al	PROPN
+-	PUNCT
+Sahaf	PROPN
+and	CCONJ
+his	PRON
+press	NOUN
+conferences	NOUN
+when	ADV
+the	DET
+US	PROPN
+forces	NOUN
+were	AUX
+already	ADV
+inside	ADP
+Baghdad	PROPN
+.	PUNCT
+
+Disinformation	NOUN
+at	ADP
+time	NOUN
+of	ADP
+war	NOUN
+is	AUX
+an	DET
+accepted	VERB
+tactic	NOUN
+.	PUNCT
+
+But	CCONJ
+to	PART
+stand	VERB
+,	PUNCT
+day	NOUN
+after	ADP
+day	NOUN
+,	PUNCT
+and	CCONJ
+to	PART
+make	VERB
+such	ADJ
+preposterous	ADJ
+statements	NOUN
+,	PUNCT
+known	ADJ
+to	ADP
+everybody	PRON
+to	PART
+be	AUX
+lies	NOUN
+,	PUNCT
+without	SCONJ
+even	ADV
+being	AUX
+ridiculed	VERB
+in	ADP
+your	PRON
+own	ADJ
+milieu	NOUN
+,	PUNCT
+can	AUX
+only	ADV
+happen	VERB
+in	ADP
+this	DET
+region	NOUN
+.	PUNCT
+
+Mr.	PROPN
+Sahaf	PROPN
+eventually	ADV
+became	VERB
+a	DET
+popular	ADJ
+icon	NOUN
+as	ADP
+a	DET
+court	NOUN
+jester	NOUN
+,	PUNCT
+but	CCONJ
+this	PRON
+did	AUX
+not	PART
+stop	VERB
+some	DET
+allegedly	ADV
+respectable	ADJ
+newspapers	NOUN
+from	SCONJ
+giving	VERB
+him	PRON
+equal	ADJ
+time	NOUN
+.	PUNCT
+
+It	PRON
+also	ADV
+does	AUX
+not	PART
+prevent	VERB
+the	DET
+Western	ADJ
+press	NOUN
+from	SCONJ
+giving	VERB
+credence	NOUN
+,	PUNCT
+every	DET
+day	NOUN
+,	PUNCT
+even	ADV
+now	ADV
+,	PUNCT
+to	ADP
+similar	ADJ
+liars	NOUN
+.	PUNCT
+
+After	ADV
+all	ADV
+,	PUNCT
+if	SCONJ
+you	PRON
+want	VERB
+to	PART
+be	AUX
+an	DET
+anti-Semite	NOUN
+,	PUNCT
+there	PRON
+are	VERB
+subtle	ADJ
+ways	NOUN
+of	SCONJ
+doing	VERB
+it	PRON
+.	PUNCT
+
+You	PRON
+do	AUX
+not	PART
+have	VERB
+to	PART
+claim	VERB
+that	SCONJ
+the	DET
+holocaust	PROPN
+never	ADV
+happened	VERB
+,	PUNCT
+and	CCONJ
+that	SCONJ
+the	DET
+Jewish	ADJ
+temple	NOUN
+in	ADP
+Jerusalem	PROPN
+never	ADV
+existed	VERB
+.	PUNCT
+
+But	CCONJ
+millions	NOUN
+of	ADP
+Moslems	PROPN
+are	AUX
+told	VERB
+by	ADP
+their	PRON
+leaders	NOUN
+that	SCONJ
+this	PRON
+is	AUX
+the	DET
+case	NOUN
+.	PUNCT
+
+When	ADV
+these	DET
+same	ADJ
+leaders	NOUN
+make	VERB
+other	ADJ
+statements	NOUN
+,	PUNCT
+the	DET
+Western	ADJ
+media	NOUN
+report	VERB
+them	PRON
+as	SCONJ
+if	SCONJ
+they	PRON
+could	AUX
+be	AUX
+true	ADJ
+.	PUNCT
+
+It	PRON
+is	AUX
+a	DET
+daily	ADJ
+occurrence	NOUN
+that	SCONJ
+the	DET
+same	ADJ
+people	NOUN
+who	PRON
+finance	VERB
+,	PUNCT
+arm	VERB
+and	CCONJ
+dispatch	VERB
+suicide	NOUN
+murderers	NOUN
+,	PUNCT
+condemn	VERB
+the	DET
+act	NOUN
+in	ADP
+English	PROPN
+in	ADP
+front	NOUN
+of	ADP
+western	ADJ
+TV	NOUN
+cameras	NOUN
+,	PUNCT
+talking	VERB
+to	ADP
+a	DET
+world	NOUN
+audience	NOUN
+,	PUNCT
+which	PRON
+even	ADV
+partly	ADV
+believes	VERB
+them	PRON
+.	PUNCT
+
+It	PRON
+is	AUX
+a	DET
+daily	ADJ
+routine	NOUN
+to	PART
+hear	VERB
+the	DET
+same	ADJ
+leader	NOUN
+making	VERB
+opposite	ADJ
+statements	NOUN
+in	ADP
+Arabic	PROPN
+to	ADP
+his	PRON
+people	NOUN
+and	CCONJ
+in	ADP
+English	PROPN
+to	ADP
+the	DET
+rest	NOUN
+of	ADP
+the	DET
+world	NOUN
+.	PUNCT
+
+Incitement	NOUN
+by	ADP
+Arab	ADJ
+TV	NOUN
+,	PUNCT
+accompanied	VERB
+by	ADP
+horror	NOUN
+pictures	NOUN
+of	ADP
+mutilated	VERB
+bodies	NOUN
+,	PUNCT
+has	AUX
+become	VERB
+a	DET
+powerful	ADJ
+weapon	NOUN
+of	ADP
+those	PRON
+who	PRON
+lie	VERB
+,	PUNCT
+distort	VERB
+and	CCONJ
+want	VERB
+to	PART
+destroy	VERB
+everything	PRON
+.	PUNCT
+
+Little	ADJ
+children	NOUN
+are	AUX
+raised	VERB
+on	ADP
+deep	ADJ
+hatred	NOUN
+and	CCONJ
+on	ADP
+admiration	NOUN
+of	ADP
+so	ADV
+-	PUNCT
+called	VERB
+martyrs	NOUN
+,	PUNCT
+and	CCONJ
+the	DET
+Western	ADJ
+World	NOUN
+does	AUX
+not	PART
+notice	VERB
+it	PRON
+because	SCONJ
+its	PRON
+own	ADJ
+TV	NOUN
+sets	NOUN
+are	AUX
+mostly	ADV
+tuned	VERB
+to	ADP
+soap	NOUN
+operas	NOUN
+and	CCONJ
+game	NOUN
+shows	NOUN
+.	PUNCT
+
+I	PRON
+recommend	VERB
+to	ADP
+you	PRON
+,	PUNCT
+even	ADV
+though	SCONJ
+most	ADJ
+of	ADP
+you	PRON
+do	AUX
+not	PART
+understand	VERB
+Arabic	PROPN
+,	PUNCT
+to	PART
+watch	VERB
+Al	PROPN
+Jazeera	PROPN
+,	PUNCT
+from	ADP
+time	NOUN
+to	ADP
+time	NOUN
+.	PUNCT
+
+You	PRON
+will	AUX
+not	PART
+believe	VERB
+your	PRON
+own	ADJ
+eyes	NOUN
+.	PUNCT
+
+But	CCONJ
+words	NOUN
+also	ADV
+work	VERB
+in	ADP
+other	ADJ
+ways	NOUN
+,	PUNCT
+more	ADV
+subtle	ADJ
+.	PUNCT
+
+A	DET
+demonstration	NOUN
+in	ADP
+Berlin	PROPN
+,	PUNCT
+carrying	VERB
+banners	NOUN
+supporting	VERB
+Saddam	PROPN
+'s	PART
+regime	NOUN
+and	CCONJ
+featuring	VERB
+three	NUM
+-	PUNCT
+year	NOUN
+old	ADJ
+babies	NOUN
+dressed	VERB
+as	ADP
+suicide	NOUN
+murderers	NOUN
+,	PUNCT
+is	AUX
+defined	VERB
+by	ADP
+the	DET
+press	NOUN
+and	CCONJ
+by	ADP
+political	ADJ
+leaders	NOUN
+as	ADP
+a	DET
+"	PUNCT
+peace	NOUN
+demonstration	NOUN
+"	PUNCT
+.	PUNCT
+
+You	PRON
+may	AUX
+support	VERB
+or	CCONJ
+oppose	VERB
+the	DET
+Iraq	PROPN
+war	NOUN
+,	PUNCT
+but	CCONJ
+to	PART
+refer	VERB
+to	ADP
+fans	NOUN
+of	ADP
+Saddam	PROPN
+,	PUNCT
+Arafat	PROPN
+or	CCONJ
+Bin	PROPN
+Laden	PROPN
+as	ADP
+peace	NOUN
+activists	NOUN
+is	AUX
+a	DET
+bit	NOUN
+too	ADV
+much	ADJ
+.	PUNCT
+
+A	DET
+woman	NOUN
+walks	VERB
+into	ADP
+an	DET
+Israeli	ADJ
+restaurant	NOUN
+in	ADP
+mid-day	NOUN
+,	PUNCT
+eats	VERB
+,	PUNCT
+observes	VERB
+families	NOUN
+with	ADP
+old	ADJ
+people	NOUN
+and	CCONJ
+children	NOUN
+eating	VERB
+their	PRON
+lunch	NOUN
+in	ADP
+the	DET
+adjacent	ADJ
+tables	NOUN
+and	CCONJ
+pays	VERB
+the	DET
+bill	NOUN
+.	PUNCT
+
+She	PRON
+then	ADV
+blows	VERB
+herself	PRON
+up	ADP
+,	PUNCT
+killing	VERB
+20	NUM
+people	NOUN
+,	PUNCT
+including	VERB
+many	ADJ
+children	NOUN
+,	PUNCT
+with	SCONJ
+heads	NOUN
+and	CCONJ
+arms	NOUN
+rolling	VERB
+around	ADV
+in	ADP
+the	DET
+restaurant	NOUN
+.	PUNCT
+
+She	PRON
+is	AUX
+called	VERB
+"	PUNCT
+martyr	NOUN
+"	PUNCT
+by	ADP
+several	ADJ
+Arab	ADJ
+leaders	NOUN
+and	CCONJ
+"	PUNCT
+activist	NOUN
+"	PUNCT
+by	ADP
+the	DET
+European	ADJ
+press	NOUN
+.	PUNCT
+
+Dignitaries	NOUN
+condemn	VERB
+the	DET
+act	NOUN
+but	CCONJ
+visit	VERB
+her	PRON
+bereaved	ADJ
+family	NOUN
+and	CCONJ
+the	DET
+money	NOUN
+flows	VERB
+.	PUNCT
+
+There	PRON
+is	VERB
+a	DET
+new	ADJ
+game	NOUN
+in	ADP
+town	NOUN
+:	PUNCT
+The	DET
+actual	ADJ
+murderer	NOUN
+is	AUX
+called	VERB
+"	PUNCT
+the	DET
+military	ADJ
+wing	NOUN
+"	PUNCT
+,	PUNCT
+the	DET
+one	NOUN
+who	PRON
+pays	VERB
+him	PRON
+,	PUNCT
+equips	VERB
+him	PRON
+and	CCONJ
+sends	VERB
+him	PRON
+is	AUX
+now	ADV
+called	VERB
+"	PUNCT
+the	DET
+political	ADJ
+wing	NOUN
+"	PUNCT
+and	CCONJ
+the	DET
+head	NOUN
+of	ADP
+the	DET
+operation	NOUN
+is	AUX
+called	VERB
+the	DET
+"	PUNCT
+spiritual	ADJ
+leader	NOUN
+"	PUNCT
+.	PUNCT
+
+There	PRON
+are	VERB
+numerous	ADJ
+other	ADJ
+examples	NOUN
+of	ADP
+such	ADJ
+Orwellian	ADJ
+nomenclature	NOUN
+,	PUNCT
+used	VERB
+every	DET
+day	NOUN
+not	ADV
+only	ADV
+by	ADP
+terror	NOUN
+chiefs	NOUN
+but	CCONJ
+also	ADV
+by	ADP
+Western	ADJ
+media	NOUN
+.	PUNCT
+
+These	DET
+words	NOUN
+are	AUX
+much	ADV
+more	ADV
+dangerous	ADJ
+than	SCONJ
+many	ADJ
+people	NOUN
+realize	VERB
+.	PUNCT
+
+They	PRON
+provide	VERB
+an	DET
+emotional	ADJ
+infrastructure	NOUN
+for	ADP
+atrocities	NOUN
+.	PUNCT
+
+It	PRON
+was	AUX
+Joseph	PROPN
+Goebbels	PROPN
+who	PRON
+said	VERB
+that	SCONJ
+if	SCONJ
+you	PRON
+repeat	VERB
+a	DET
+lie	NOUN
+often	ADV
+enough	ADV
+,	PUNCT
+people	NOUN
+will	AUX
+believe	VERB
+it	PRON
+.	PUNCT
+
+He	PRON
+is	AUX
+now	ADV
+being	AUX
+outperformed	VERB
+by	ADP
+his	PRON
+successors	NOUN
+.	PUNCT
+
+*	PUNCT
+3	X
+.	PUNCT
+The	DET
+third	ADJ
+aspect	NOUN
+is	AUX
+money	NOUN
+.	PUNCT
+*	PUNCT
+
+Huge	ADJ
+amounts	NOUN
+of	ADP
+money	NOUN
+,	PUNCT
+which	PRON
+could	AUX
+have	AUX
+solved	VERB
+many	ADJ
+social	ADJ
+problems	NOUN
+in	ADP
+this	DET
+dysfunctional	ADJ
+part	NOUN
+of	ADP
+the	DET
+world	NOUN
+,	PUNCT
+are	AUX
+channeled	VERB
+into	ADP
+three	NUM
+concentric	ADJ
+spheres	NOUN
+supporting	VERB
+death	NOUN
+and	CCONJ
+murder	NOUN
+.	PUNCT
+
+In	ADP
+the	DET
+inner	ADJ
+circle	NOUN
+are	AUX
+the	DET
+terrorists	NOUN
+themselves	PRON
+.	PUNCT
+
+The	DET
+money	NOUN
+funds	VERB
+their	PRON
+travel	NOUN
+,	PUNCT
+explosives	NOUN
+,	PUNCT
+hideouts	NOUN
+and	CCONJ
+permanent	ADJ
+search	NOUN
+for	ADP
+soft	ADJ
+vulnerable	ADJ
+targets	NOUN
+.	PUNCT
+
+The	DET
+inner	ADJ
+circles	NOUN
+are	AUX
+primarily	ADV
+financed	VERB
+by	ADP
+terrorist	NOUN
+states	NOUN
+like	ADP
+Iran	PROPN
+and	CCONJ
+Syria	PROPN
+,	PUNCT
+until	ADP
+recently	ADV
+also	ADV
+by	ADP
+Iraq	PROPN
+and	CCONJ
+Libya	PROPN
+and	CCONJ
+earlier	ADV
+also	ADV
+by	ADP
+some	DET
+of	ADP
+the	DET
+Communist	ADJ
+regimes	NOUN
+.	PUNCT
+
+These	DET
+states	NOUN
+,	PUNCT
+as	ADV
+well	ADV
+as	ADP
+the	DET
+Palestinian	PROPN
+Authority	PROPN
+,	PUNCT
+are	AUX
+the	DET
+safe	ADJ
+havens	NOUN
+of	ADP
+the	DET
+wholesale	ADJ
+murder	NOUN
+vendors	NOUN
+.	PUNCT
+
+They	PRON
+are	AUX
+surrounded	VERB
+by	ADP
+a	DET
+second	ADJ
+wider	ADJ
+circle	NOUN
+of	ADP
+direct	ADJ
+supporters	NOUN
+,	PUNCT
+planners	NOUN
+,	PUNCT
+commanders	NOUN
+,	PUNCT
+preachers	NOUN
+,	PUNCT
+all	DET
+of	ADP
+whom	PRON
+make	VERB
+a	DET
+living	NOUN
+,	PUNCT
+usually	ADV
+a	DET
+very	ADV
+comfortable	ADJ
+living	NOUN
+,	PUNCT
+by	SCONJ
+serving	VERB
+as	ADP
+terror	NOUN
+infrastructure	NOUN
+.	PUNCT
+
+Finally	ADV
+,	PUNCT
+we	PRON
+find	VERB
+the	DET
+third	ADJ
+circle	NOUN
+of	ADP
+so	ADV
+-	PUNCT
+called	VERB
+religious	ADJ
+,	PUNCT
+educational	ADJ
+and	CCONJ
+welfare	NOUN
+organizations	NOUN
+,	PUNCT
+which	PRON
+actually	ADV
+do	VERB
+some	DET
+good	NOUN
+,	PUNCT
+feed	VERB
+the	DET
+hungry	ADJ
+and	CCONJ
+provide	VERB
+some	DET
+schooling	NOUN
+,	PUNCT
+but	CCONJ
+brainwash	VERB
+a	DET
+new	ADJ
+generation	NOUN
+with	ADP
+hatred	NOUN
+,	PUNCT
+lies	NOUN
+and	CCONJ
+ignorance	NOUN
+.	PUNCT
+
+This	DET
+circle	NOUN
+operates	VERB
+mostly	ADV
+through	ADP
+mosques	NOUN
+,	PUNCT
+madrasas	NOUN
+and	CCONJ
+other	ADJ
+religious	ADJ
+establishments	NOUN
+but	CCONJ
+also	ADV
+through	ADP
+inciting	VERB
+electronic	ADJ
+and	CCONJ
+printed	VERB
+media	NOUN
+.	PUNCT
+
+It	PRON
+is	VERB
+this	DET
+circle	NOUN
+that	PRON
+makes	VERB
+sure	ADJ
+that	SCONJ
+women	NOUN
+remain	VERB
+inferior	ADJ
+,	PUNCT
+that	SCONJ
+democracy	NOUN
+is	AUX
+unthinkable	ADJ
+and	CCONJ
+that	SCONJ
+exposure	NOUN
+to	ADP
+the	DET
+outside	ADJ
+world	NOUN
+is	AUX
+minimal	ADJ
+.	PUNCT
+
+It	PRON
+is	AUX
+also	ADV
+that	DET
+circle	NOUN
+that	PRON
+leads	VERB
+the	DET
+way	NOUN
+in	SCONJ
+blaming	VERB
+everybody	PRON
+outside	ADP
+the	DET
+Moslem	ADJ
+world	NOUN
+,	PUNCT
+for	ADP
+the	DET
+miseries	NOUN
+of	ADP
+the	DET
+region	NOUN
+.	PUNCT
+
+The	DET
+outer	ADJ
+circle	NOUN
+is	AUX
+largely	ADV
+financed	VERB
+by	ADP
+Saudi	PROPN
+Arabia	PROPN
+,	PUNCT
+but	CCONJ
+also	ADV
+by	ADP
+donations	NOUN
+from	ADP
+certain	ADJ
+Moslem	ADJ
+communities	NOUN
+in	ADP
+the	DET
+United	PROPN
+States	PROPN
+and	CCONJ
+Europe	PROPN
+and	CCONJ
+,	PUNCT
+to	ADP
+a	DET
+smaller	ADJ
+extent	NOUN
+,	PUNCT
+by	ADP
+donations	NOUN
+of	ADP
+European	ADJ
+Governments	NOUN
+to	ADP
+various	ADJ
+NGO's	NOUN
+and	CCONJ
+by	ADP
+certain	ADJ
+United	PROPN
+Nations	PROPN
+organizations	NOUN
+,	PUNCT
+whose	PRON
+goals	NOUN
+may	AUX
+be	AUX
+noble	ADJ
+,	PUNCT
+but	CCONJ
+they	PRON
+are	AUX
+infested	VERB
+and	CCONJ
+exploited	VERB
+by	ADP
+agents	NOUN
+of	ADP
+the	DET
+outer	ADJ
+circle	NOUN
+.	PUNCT
+
+The	DET
+Saudi	ADJ
+regime	NOUN
+,	PUNCT
+of	ADV
+course	ADV
+,	PUNCT
+will	AUX
+be	AUX
+the	DET
+next	ADJ
+victim	NOUN
+of	ADP
+major	ADJ
+terror	NOUN
+,	PUNCT
+when	ADV
+the	DET
+inner	ADJ
+circle	NOUN
+will	AUX
+explode	VERB
+into	ADP
+the	DET
+outer	ADJ
+circle	NOUN
+.	PUNCT
+
+The	DET
+Saudis	PROPN
+are	AUX
+beginning	VERB
+to	PART
+understand	VERB
+it	PRON
+,	PUNCT
+but	CCONJ
+they	PRON
+fight	VERB
+the	DET
+inner	ADJ
+circles	NOUN
+,	PUNCT
+while	SCONJ
+still	ADV
+financing	VERB
+the	DET
+infrastructure	NOUN
+at	ADP
+the	DET
+outer	ADJ
+circle	NOUN
+.	PUNCT
+
+Figuratively	ADV
+speaking	VERB
+,	PUNCT
+this	DET
+outer	ADJ
+circle	NOUN
+is	AUX
+the	DET
+guardian	NOUN
+,	PUNCT
+which	PRON
+makes	VERB
+sure	ADJ
+that	SCONJ
+the	DET
+people	NOUN
+look	VERB
+and	CCONJ
+listen	VERB
+inwards	ADV
+to	ADP
+the	DET
+inner	ADJ
+circle	NOUN
+of	ADP
+terror	NOUN
+and	CCONJ
+incitement	NOUN
+,	PUNCT
+rather	ADV
+than	ADP
+to	ADP
+the	DET
+world	NOUN
+outside	ADJ
+.	PUNCT
+
+Some	DET
+parts	NOUN
+of	ADP
+this	DET
+same	ADJ
+outer	ADJ
+circle	NOUN
+actually	ADV
+operate	VERB
+as	ADP
+a	DET
+result	NOUN
+of	ADP
+fear	NOUN
+from	ADP
+,	PUNCT
+or	CCONJ
+blackmail	NOUN
+by	ADP
+,	PUNCT
+the	DET
+inner	ADJ
+circles	NOUN
+.	PUNCT
+
+The	DET
+horrifying	ADJ
+added	VERB
+factor	NOUN
+is	AUX
+the	DET
+high	ADJ
+birth	NOUN
+rate	NOUN
+.	PUNCT
+
+Half	NOUN
+of	ADP
+the	DET
+population	NOUN
+of	ADP
+the	DET
+Arab	ADJ
+world	NOUN
+is	VERB
+under	ADP
+the	DET
+age	NOUN
+of	ADP
+20	NUM
+,	PUNCT
+the	DET
+most	ADV
+receptive	ADJ
+age	NOUN
+to	ADP
+incitement	NOUN
+,	PUNCT
+guaranteeing	VERB
+two	NUM
+more	ADJ
+generations	NOUN
+of	ADP
+blind	ADJ
+hatred	NOUN
+.	PUNCT
+
+Some	DET
+of	ADP
+the	DET
+leaders	NOUN
+of	ADP
+these	DET
+various	ADJ
+circles	NOUN
+live	VERB
+very	ADV
+comfortably	ADV
+on	ADP
+their	PRON
+loot	NOUN
+.	PUNCT
+
+You	PRON
+meet	VERB
+their	PRON
+children	NOUN
+in	ADP
+the	DET
+best	ADJ
+private	ADJ
+schools	NOUN
+in	ADP
+Europe	PROPN
+,	PUNCT
+not	ADV
+in	ADP
+the	DET
+training	NOUN
+camps	NOUN
+of	ADP
+suicide	NOUN
+murderers	NOUN
+.	PUNCT
+
+The	DET
+Jihad	NOUN
+"	PUNCT
+soldiers	NOUN
+"	PUNCT
+join	VERB
+packaged	VERB
+death	NOUN
+tours	NOUN
+to	ADP
+Iraq	PROPN
+and	CCONJ
+other	ADJ
+hotspots	NOUN
+,	PUNCT
+while	SCONJ
+some	DET
+of	ADP
+their	PRON
+leaders	NOUN
+ski	VERB
+in	ADP
+Switzerland	PROPN
+.	PUNCT
+
+Mrs.	PROPN
+Arafat	PROPN
+,	PUNCT
+who	PRON
+lives	VERB
+in	ADP
+Paris	PROPN
+with	ADP
+her	PRON
+daughter	NOUN
+,	PUNCT
+receives	VERB
+tens	NOUN
+of	ADP
+thousands	NOUN
+of	ADP
+dollars	NOUN
+per	ADP
+month	NOUN
+from	ADP
+the	DET
+allegedly	VERB
+bankrupt	ADJ
+Palestinian	PROPN
+Authority	PROPN
+,	PUNCT
+while	SCONJ
+a	DET
+typical	ADJ
+local	ADJ
+ringleader	NOUN
+of	ADP
+the	DET
+Al	PROPN
+-	PUNCT
+Aksa	PROPN
+brigade	NOUN
+,	PUNCT
+reporting	VERB
+to	ADP
+Arafat	PROPN
+,	PUNCT
+receives	VERB
+only	ADV
+a	DET
+cash	NOUN
+payment	NOUN
+of	ADP
+a	DET
+couple	NOUN
+of	ADP
+hundred	NUM
+dollars	NOUN
+,	PUNCT
+for	SCONJ
+performing	VERB
+murders	NOUN
+at	ADP
+the	DET
+retail	NOUN
+level	NOUN
+.	PUNCT
+
+*	PUNCT
+4	X
+.	PUNCT
+The	DET
+fourth	ADJ
+element	NOUN
+of	ADP
+the	DET
+current	ADJ
+world	NOUN
+conflict	NOUN
+is	AUX
+the	DET
+total	ADJ
+breaking	NOUN
+of	ADP
+all	DET
+laws	NOUN
+.	PUNCT
+*	PUNCT
+
+The	DET
+civilized	ADJ
+world	NOUN
+believes	VERB
+in	ADP
+democracy	NOUN
+,	PUNCT
+the	DET
+rule	NOUN
+of	ADP
+law	NOUN
+,	PUNCT
+including	VERB
+international	ADJ
+law	NOUN
+,	PUNCT
+human	ADJ
+rights	NOUN
+,	PUNCT
+free	ADJ
+speech	NOUN
+and	CCONJ
+free	ADJ
+press	NOUN
+,	PUNCT
+among	ADP
+other	ADJ
+liberties	NOUN
+.	PUNCT
+
+There	PRON
+are	VERB
+naive	ADJ
+old	ADJ
+-	PUNCT
+fashioned	ADJ
+habits	NOUN
+such	ADJ
+as	SCONJ
+respecting	VERB
+religious	ADJ
+sites	NOUN
+and	CCONJ
+symbols	NOUN
+,	PUNCT
+not	PART
+using	VERB
+ambulances	NOUN
+and	CCONJ
+hospitals	NOUN
+for	ADP
+acts	NOUN
+of	ADP
+war	NOUN
+,	PUNCT
+avoiding	VERB
+the	DET
+mutilation	NOUN
+of	ADP
+dead	ADJ
+bodies	NOUN
+and	CCONJ
+not	PART
+using	VERB
+children	NOUN
+as	ADP
+human	ADJ
+shields	NOUN
+or	CCONJ
+human	ADJ
+bombs	NOUN
+.	PUNCT
+
+Never	ADV
+in	ADP
+history	NOUN
+,	PUNCT
+not	PART
+even	ADV
+in	ADP
+the	DET
+Nazi	PROPN
+period	NOUN
+,	PUNCT
+was	VERB
+there	PRON
+such	ADJ
+total	ADJ
+disregard	NOUN
+of	ADP
+all	DET
+of	ADP
+the	DET
+above	ADJ
+as	SCONJ
+we	PRON
+observe	VERB
+now	ADV
+.	PUNCT
+
+Every	DET
+student	NOUN
+of	ADP
+political	ADJ
+science	NOUN
+debates	VERB
+how	ADV
+you	PRON
+prevent	VERB
+an	DET
+anti-democratic	ADJ
+force	NOUN
+from	SCONJ
+winning	VERB
+a	DET
+democratic	ADJ
+election	NOUN
+and	CCONJ
+abolishing	VERB
+democracy	NOUN
+.	PUNCT
+
+Other	ADJ
+aspects	NOUN
+of	ADP
+a	DET
+civilized	ADJ
+society	NOUN
+must	AUX
+also	ADV
+have	VERB
+limitations	NOUN
+.	PUNCT
+
+Can	AUX
+a	DET
+policeman	NOUN
+open	VERB
+fire	NOUN
+on	ADP
+someone	PRON
+trying	VERB
+to	PART
+kill	VERB
+him	PRON
+?	PUNCT
+
+Can	AUX
+a	DET
+government	NOUN
+listen	VERB
+to	ADP
+phone	NOUN
+conversations	NOUN
+of	ADP
+terrorists	NOUN
+and	CCONJ
+drug	NOUN
+dealers	NOUN
+?	PUNCT
+
+Does	AUX
+free	ADJ
+speech	NOUN
+protect	VERB
+you	PRON
+when	ADV
+you	PRON
+shout	VERB
+"	PUNCT
+fire	NOUN
+"	PUNCT
+in	ADP
+a	DET
+crowded	ADJ
+theater	NOUN
+?	PUNCT
+
+Should	AUX
+there	PRON
+be	VERB
+death	NOUN
+penalty	NOUN
+,	PUNCT
+for	ADP
+deliberate	ADJ
+multiple	ADJ
+murders	NOUN
+?	PUNCT
+
+These	PRON
+are	AUX
+the	DET
+old	ADJ
+-	PUNCT
+fashioned	ADJ
+dilemmas	NOUN
+.	PUNCT
+
+But	CCONJ
+now	ADV
+we	PRON
+have	VERB
+an	DET
+entire	ADJ
+new	ADJ
+set	NOUN
+.	PUNCT
+
+Do	AUX
+you	PRON
+raid	VERB
+a	DET
+mosque	NOUN
+,	PUNCT
+which	PRON
+serves	VERB
+as	ADP
+a	DET
+terrorist	ADJ
+ammunition	NOUN
+storage	NOUN
+?	PUNCT
+
+Do	AUX
+you	PRON
+return	VERB
+fire	NOUN
+,	PUNCT
+if	SCONJ
+you	PRON
+are	AUX
+attacked	VERB
+from	ADP
+a	DET
+hospital	NOUN
+?	PUNCT
+
+Do	AUX
+you	PRON
+storm	VERB
+a	DET
+church	NOUN
+taken	VERB
+over	ADP
+by	ADP
+terrorists	NOUN
+who	PRON
+took	VERB
+the	DET
+priests	NOUN
+hostages	NOUN
+?	PUNCT
+
+Do	AUX
+you	PRON
+search	VERB
+every	DET
+ambulance	NOUN
+after	SCONJ
+a	DET
+few	ADJ
+suicide	NOUN
+murderers	NOUN
+use	VERB
+ambulances	NOUN
+to	PART
+reach	VERB
+their	PRON
+targets	NOUN
+?	PUNCT
+
+Do	AUX
+you	PRON
+strip	VERB
+every	DET
+woman	NOUN
+because	SCONJ
+one	NUM
+pretended	VERB
+to	PART
+be	AUX
+pregnant	ADJ
+and	CCONJ
+carried	VERB
+a	DET
+suicide	NOUN
+bomb	NOUN
+on	ADP
+her	PRON
+belly	NOUN
+?	PUNCT
+
+Do	AUX
+you	PRON
+shoot	VERB
+back	ADV
+at	ADP
+someone	PRON
+trying	VERB
+to	PART
+kill	VERB
+you	PRON
+,	PUNCT
+standing	VERB
+deliberately	ADV
+behind	ADP
+a	DET
+group	NOUN
+of	ADP
+children	NOUN
+?	PUNCT
+
+Do	AUX
+you	PRON
+raid	VERB
+terrorist	ADJ
+headquarters	NOUN
+,	PUNCT
+hidden	VERB
+in	ADP
+a	DET
+mental	ADJ
+hospital	NOUN
+?	PUNCT
+
+Do	AUX
+you	PRON
+shoot	VERB
+an	DET
+arch-murderer	NOUN
+who	PRON
+deliberately	ADV
+moves	VERB
+from	ADP
+one	NUM
+location	NOUN
+to	ADP
+another	DET
+,	PUNCT
+always	ADV
+surrounded	VERB
+by	ADP
+children	NOUN
+?	PUNCT
+
+All	DET
+of	ADP
+these	PRON
+happen	VERB
+daily	ADV
+in	ADP
+Iraq	PROPN
+and	CCONJ
+in	ADP
+the	DET
+Palestinian	ADJ
+areas	NOUN
+.	PUNCT
+
+What	PRON
+do	AUX
+you	PRON
+do	VERB
+?	PUNCT
+
+Well	INTJ
+,	PUNCT
+you	PRON
+do	AUX
+not	PART
+want	VERB
+to	PART
+face	VERB
+the	DET
+dilemma	NOUN
+.	PUNCT
+
+But	CCONJ
+it	PRON
+can	AUX
+not	PART
+be	AUX
+avoided	VERB
+.	PUNCT
+
+Suppose	VERB
+,	PUNCT
+for	ADP
+the	DET
+sake	NOUN
+of	ADP
+discussion	NOUN
+,	PUNCT
+that	SCONJ
+someone	PRON
+would	AUX
+openly	ADV
+stay	VERB
+in	ADP
+a	DET
+well	ADV
+-	PUNCT
+known	ADJ
+address	NOUN
+in	ADP
+Teheran	PROPN
+,	PUNCT
+hosted	VERB
+by	ADP
+the	DET
+Iranian	ADJ
+Government	NOUN
+and	CCONJ
+financed	VERB
+by	ADP
+it	PRON
+,	PUNCT
+executing	VERB
+one	NUM
+atrocity	NOUN
+after	ADP
+another	DET
+in	ADP
+Spain	PROPN
+or	CCONJ
+in	ADP
+France	PROPN
+,	PUNCT
+killing	VERB
+hundreds	NOUN
+of	ADP
+innocent	ADJ
+people	NOUN
+,	PUNCT
+accepting	VERB
+responsibility	NOUN
+for	ADP
+the	DET
+crimes	NOUN
+,	PUNCT
+promising	VERB
+in	ADP
+public	ADJ
+TV	NOUN
+interviews	NOUN
+to	PART
+do	VERB
+more	ADJ
+of	ADP
+the	DET
+same	ADJ
+,	PUNCT
+while	SCONJ
+the	DET
+Government	NOUN
+of	ADP
+Iran	PROPN
+issues	VERB
+public	ADJ
+condemnations	NOUN
+of	ADP
+his	PRON
+acts	NOUN
+but	CCONJ
+continues	VERB
+to	PART
+host	VERB
+him	PRON
+,	PUNCT
+invite	VERB
+him	PRON
+to	ADP
+official	ADJ
+functions	NOUN
+and	CCONJ
+treat	VERB
+him	PRON
+as	ADP
+a	DET
+great	ADJ
+dignitary	NOUN
+.	PUNCT
+
+I	PRON
+leave	VERB
+it	PRON
+to	ADP
+you	PRON
+as	ADP
+homework	NOUN
+to	PART
+figure	VERB
+out	ADP
+what	PRON
+Spain	PROPN
+or	CCONJ
+France	PROPN
+would	AUX
+have	AUX
+done	VERB
+,	PUNCT
+in	ADP
+such	DET
+a	DET
+situation	NOUN
+.	PUNCT
+
+The	DET
+problem	NOUN
+is	VERB
+that	SCONJ
+the	DET
+civilized	ADJ
+world	NOUN
+is	AUX
+still	ADV
+having	VERB
+illusions	NOUN
+about	ADP
+the	DET
+rule	NOUN
+of	ADP
+law	NOUN
+in	ADP
+a	DET
+totally	ADV
+lawless	ADJ
+environment	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+trying	VERB
+to	PART
+play	VERB
+ice	NOUN
+hockey	NOUN
+by	SCONJ
+sending	VERB
+a	DET
+ballerina	NOUN
+ice	NOUN
+-	PUNCT
+skater	NOUN
+into	ADP
+the	DET
+ring	NOUN
+or	CCONJ
+to	PART
+knock	VERB
+out	ADP
+a	DET
+heavyweight	NOUN
+boxer	NOUN
+by	ADP
+a	DET
+chess	NOUN
+player	NOUN
+.	PUNCT
+
+In	ADP
+the	DET
+same	ADJ
+way	NOUN
+that	ADV
+no	DET
+country	NOUN
+has	VERB
+a	DET
+law	NOUN
+against	SCONJ
+cannibals	NOUN
+eating	VERB
+its	PRON
+prime	ADJ
+minister	NOUN
+,	PUNCT
+because	SCONJ
+such	DET
+an	DET
+act	NOUN
+is	AUX
+unthinkable	ADJ
+,	PUNCT
+international	ADJ
+law	NOUN
+does	AUX
+not	PART
+address	VERB
+killers	NOUN
+shooting	VERB
+from	ADP
+hospitals	NOUN
+,	PUNCT
+mosques	NOUN
+and	CCONJ
+ambulances	NOUN
+,	PUNCT
+while	SCONJ
+being	AUX
+protected	VERB
+by	ADP
+their	PRON
+Government	NOUN
+or	CCONJ
+society	NOUN
+.	PUNCT
+
+International	ADJ
+law	NOUN
+does	AUX
+not	PART
+know	VERB
+how	ADV
+to	PART
+handle	VERB
+someone	PRON
+who	PRON
+sends	VERB
+children	NOUN
+to	PART
+throw	VERB
+stones	NOUN
+,	PUNCT
+stands	VERB
+behind	ADP
+them	PRON
+and	CCONJ
+shoots	VERB
+with	ADP
+immunity	NOUN
+and	CCONJ
+can	AUX
+not	PART
+be	AUX
+arrested	VERB
+because	SCONJ
+he	PRON
+is	AUX
+sheltered	VERB
+by	ADP
+a	DET
+Government	NOUN
+.	PUNCT
+
+International	ADJ
+law	NOUN
+does	AUX
+not	PART
+know	VERB
+how	ADV
+to	PART
+deal	VERB
+with	ADP
+a	DET
+leader	NOUN
+of	ADP
+murderers	NOUN
+who	PRON
+is	AUX
+royally	ADV
+and	CCONJ
+comfortably	ADV
+hosted	VERB
+by	ADP
+a	DET
+country	NOUN
+,	PUNCT
+which	PRON
+pretends	VERB
+to	PART
+condemn	VERB
+his	PRON
+acts	NOUN
+or	CCONJ
+just	ADV
+claims	VERB
+to	PART
+be	AUX
+too	ADV
+weak	ADJ
+to	PART
+arrest	VERB
+him	PRON
+.	PUNCT
+
+The	DET
+amazing	ADJ
+thing	NOUN
+is	VERB
+that	SCONJ
+all	DET
+of	ADP
+these	DET
+crooks	NOUN
+demand	VERB
+protection	NOUN
+under	ADP
+international	ADJ
+law	NOUN
+,	PUNCT
+and	CCONJ
+define	VERB
+all	DET
+those	DET
+who	PRON
+attack	VERB
+them	PRON
+as	ADP
+"	PUNCT
+war	NOUN
+criminals	NOUN
+,	PUNCT
+"	PUNCT
+with	SCONJ
+some	DET
+Western	ADJ
+media	NOUN
+repeating	VERB
+the	DET
+allegations	NOUN
+.	PUNCT
+
+The	DET
+good	ADJ
+news	NOUN
+is	VERB
+that	SCONJ
+all	DET
+of	ADP
+this	PRON
+is	AUX
+temporary	ADJ
+,	PUNCT
+because	SCONJ
+the	DET
+evolution	NOUN
+of	ADP
+international	ADJ
+law	NOUN
+has	AUX
+always	ADV
+adapted	VERB
+itself	PRON
+to	ADP
+reality	NOUN
+.	PUNCT
+
+The	DET
+punishment	NOUN
+for	ADP
+suicide	NOUN
+murder	NOUN
+should	AUX
+be	AUX
+death	NOUN
+or	CCONJ
+arrest	NOUN
+before	ADP
+the	DET
+murder	NOUN
+,	PUNCT
+not	PART
+during	ADV
+and	CCONJ
+not	PART
+after	ADV
+.	PUNCT
+
+After	ADP
+every	DET
+world	NOUN
+war	NOUN
+,	PUNCT
+the	DET
+rules	NOUN
+of	ADP
+international	ADJ
+law	NOUN
+have	AUX
+changed	VERB
+,	PUNCT
+and	CCONJ
+the	DET
+same	ADJ
+will	AUX
+happen	VERB
+after	ADP
+the	DET
+present	ADJ
+one	NOUN
+.	PUNCT
+
+But	CCONJ
+during	ADP
+the	DET
+twilight	NOUN
+zone	NOUN
+,	PUNCT
+a	DET
+lot	NOUN
+of	ADP
+harm	NOUN
+can	AUX
+be	AUX
+done	VERB
+.	PUNCT
+
+The	DET
+picture	NOUN
+I	PRON
+described	VERB
+here	ADV
+is	AUX
+not	PART
+pretty	ADJ
+.	PUNCT
+
+What	PRON
+can	AUX
+we	PRON
+do	VERB
+about	ADP
+it	PRON
+?	PUNCT
+
+In	ADP
+the	DET
+short	ADJ
+run	NOUN
+,	PUNCT
+only	ADV
+fight	VERB
+and	CCONJ
+win	VERB
+.	PUNCT
+
+In	ADP
+the	DET
+long	ADJ
+run	NOUN
+,	PUNCT
+only	ADV
+educate	VERB
+the	DET
+next	ADJ
+generation	NOUN
+and	CCONJ
+open	VERB
+it	PRON
+to	ADP
+the	DET
+world	NOUN
+.	PUNCT
+
+The	DET
+inner	ADJ
+circles	NOUN
+can	AUX
+and	CCONJ
+must	AUX
+be	AUX
+destroyed	VERB
+by	ADP
+force	NOUN
+.	PUNCT
+
+The	DET
+outer	ADJ
+circle	NOUN
+can	AUX
+not	PART
+be	AUX
+eliminated	VERB
+by	ADP
+force	NOUN
+.	PUNCT
+
+Here	ADV
+we	PRON
+need	VERB
+financial	ADJ
+starvation	NOUN
+of	ADP
+the	DET
+organizing	VERB
+elite	ADJ
+,	PUNCT
+more	ADJ
+power	NOUN
+to	ADP
+women	NOUN
+,	PUNCT
+more	ADJ
+education	NOUN
+,	PUNCT
+counter-propaganda	NOUN
+,	PUNCT
+boycott	NOUN
+whenever	ADV
+feasible	ADJ
+and	CCONJ
+access	NOUN
+to	ADP
+Western	ADJ
+media	NOUN
+,	PUNCT
+internet	NOUN
+and	CCONJ
+the	DET
+international	ADJ
+scene	NOUN
+.	PUNCT
+
+Above	ADP
+all	DET
+,	PUNCT
+we	PRON
+need	VERB
+a	DET
+total	ADJ
+absolute	ADJ
+unity	NOUN
+and	CCONJ
+determination	NOUN
+of	ADP
+the	DET
+civilized	ADJ
+world	NOUN
+against	ADP
+all	DET
+three	NUM
+circles	NOUN
+of	ADP
+evil	NOUN
+.	PUNCT
+
+Allow	VERB
+me	PRON
+,	PUNCT
+for	ADP
+a	DET
+moment	NOUN
+,	PUNCT
+to	PART
+depart	VERB
+from	ADP
+my	PRON
+alleged	ADJ
+role	NOUN
+as	ADP
+a	DET
+taxi	NOUN
+driver	NOUN
+and	CCONJ
+return	VERB
+to	ADP
+science	NOUN
+.	PUNCT
+
+When	ADV
+you	PRON
+have	VERB
+a	DET
+malignant	ADJ
+tumor	NOUN
+,	PUNCT
+you	PRON
+may	AUX
+remove	VERB
+the	DET
+tumor	NOUN
+itself	PRON
+surgically	ADV
+.	PUNCT
+
+You	PRON
+may	AUX
+also	ADV
+starve	VERB
+it	PRON
+by	SCONJ
+preventing	VERB
+new	ADJ
+blood	NOUN
+from	SCONJ
+reaching	VERB
+it	PRON
+from	ADP
+other	ADJ
+parts	NOUN
+of	ADP
+the	DET
+body	NOUN
+,	PUNCT
+thereby	ADV
+preventing	VERB
+new	ADJ
+"	PUNCT
+supplies	NOUN
+"	PUNCT
+from	SCONJ
+expanding	VERB
+the	DET
+tumor	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+want	VERB
+to	PART
+be	AUX
+sure	ADJ
+,	PUNCT
+it	PRON
+is	AUX
+best	ADJ
+to	PART
+do	VERB
+both	DET
+.	PUNCT
+
+But	CCONJ
+before	SCONJ
+you	PRON
+fight	VERB
+and	CCONJ
+win	VERB
+,	PUNCT
+by	ADP
+force	NOUN
+or	CCONJ
+otherwise	ADV
+,	PUNCT
+you	PRON
+have	VERB
+to	PART
+realize	VERB
+that	SCONJ
+you	PRON
+are	AUX
+in	ADP
+a	DET
+war	NOUN
+,	PUNCT
+and	CCONJ
+this	PRON
+may	AUX
+take	VERB
+Europe	PROPN
+a	DET
+few	ADJ
+more	ADJ
+years	NOUN
+.	PUNCT
+
+In	ADP
+order	NOUN
+to	PART
+win	VERB
+,	PUNCT
+it	PRON
+is	AUX
+necessary	ADJ
+to	PART
+first	ADV
+eliminate	VERB
+the	DET
+terrorist	ADJ
+regimes	NOUN
+,	PUNCT
+so	SCONJ
+that	SCONJ
+no	DET
+Government	NOUN
+in	ADP
+the	DET
+world	NOUN
+will	AUX
+serve	VERB
+as	ADP
+a	DET
+safe	ADJ
+haven	NOUN
+for	ADP
+these	DET
+people	NOUN
+.	PUNCT
+
+I	PRON
+do	AUX
+not	PART
+want	VERB
+to	PART
+comment	VERB
+here	ADV
+on	SCONJ
+whether	SCONJ
+the	DET
+American	ADJ
+-	PUNCT
+led	VERB
+attack	NOUN
+on	ADP
+Iraq	PROPN
+was	AUX
+justified	ADJ
+from	ADP
+the	DET
+point	NOUN
+of	ADP
+view	NOUN
+of	ADP
+weapons	NOUN
+of	ADP
+mass	ADJ
+destruction	NOUN
+or	CCONJ
+any	DET
+other	ADJ
+pre-war	ADJ
+argument	NOUN
+,	PUNCT
+but	CCONJ
+I	PRON
+can	AUX
+look	VERB
+at	ADP
+the	DET
+post-war	ADJ
+map	NOUN
+of	ADP
+Western	ADJ
+Asia	PROPN
+.	PUNCT
+
+Now	ADV
+that	SCONJ
+Afghanistan	PROPN
+,	PUNCT
+Iraq	PROPN
+and	CCONJ
+Libya	PROPN
+are	AUX
+out	ADV
+,	PUNCT
+two	NUM
+and	CCONJ
+a	DET
+half	NOUN
+terrorist	ADJ
+states	NOUN
+remain	VERB
+:	PUNCT
+Iran	PROPN
+,	PUNCT
+Syria	PROPN
+and	CCONJ
+Lebanon	PROPN
+,	PUNCT
+the	DET
+latter	ADJ
+being	AUX
+a	DET
+Syrian	ADJ
+colony	NOUN
+.	PUNCT
+
+Perhaps	ADV
+Sudan	PROPN
+should	AUX
+be	AUX
+added	VERB
+to	ADP
+the	DET
+list	NOUN
+.	PUNCT
+
+As	ADP
+a	DET
+result	NOUN
+of	ADP
+the	DET
+conquest	NOUN
+of	ADP
+Afghanistan	PROPN
+and	CCONJ
+Iraq	PROPN
+,	PUNCT
+both	CCONJ
+Iran	PROPN
+and	CCONJ
+Syria	PROPN
+are	AUX
+now	ADV
+totally	ADV
+surrounded	VERB
+by	ADP
+territories	NOUN
+unfriendly	ADJ
+to	ADP
+them	PRON
+.	PUNCT
+
+Iran	PROPN
+is	AUX
+encircled	VERB
+by	ADP
+Afghanistan	PROPN
+,	PUNCT
+by	ADP
+the	DET
+Gulf	PROPN
+States	PROPN
+,	PUNCT
+Iraq	PROPN
+and	CCONJ
+the	DET
+Moslem	ADJ
+republics	NOUN
+of	ADP
+the	DET
+former	ADJ
+Soviet	PROPN
+Union	PROPN
+.	PUNCT
+
+Syria	PROPN
+is	AUX
+surrounded	VERB
+by	ADP
+Turkey	PROPN
+,	PUNCT
+Iraq	PROPN
+,	PUNCT
+Jordan	PROPN
+and	CCONJ
+Israel	PROPN
+.	PUNCT
+
+This	PRON
+is	AUX
+a	DET
+significant	ADJ
+strategic	ADJ
+change	NOUN
+and	CCONJ
+it	PRON
+applies	VERB
+strong	ADJ
+pressure	NOUN
+on	ADP
+the	DET
+terrorist	ADJ
+countries	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+not	PART
+surprising	ADJ
+that	SCONJ
+Iran	PROPN
+is	AUX
+so	ADV
+active	ADJ
+in	SCONJ
+trying	VERB
+to	PART
+incite	VERB
+a	DET
+Shiite	ADJ
+uprising	NOUN
+in	ADP
+Iraq	PROPN
+.	PUNCT
+
+I	PRON
+do	AUX
+not	PART
+know	VERB
+if	SCONJ
+the	DET
+American	ADJ
+plan	NOUN
+was	VERB
+actually	ADV
+to	PART
+encircle	VERB
+both	CCONJ
+Iran	PROPN
+and	CCONJ
+Syria	PROPN
+,	PUNCT
+but	CCONJ
+that	PRON
+is	AUX
+the	DET
+resulting	VERB
+situation	NOUN
+.	PUNCT
+
+In	ADP
+my	PRON
+humble	ADJ
+opinion	NOUN
+,	PUNCT
+the	DET
+number	NOUN
+one	NUM
+danger	NOUN
+to	ADP
+the	DET
+world	NOUN
+today	NOUN
+is	AUX
+Iran	PROPN
+and	CCONJ
+its	PRON
+regime	NOUN
+.	PUNCT
+
+It	PRON
+definitely	ADV
+has	VERB
+ambitions	NOUN
+to	PART
+rule	VERB
+vast	ADJ
+areas	NOUN
+and	CCONJ
+to	PART
+expand	VERB
+in	ADP
+all	DET
+directions	NOUN
+.	PUNCT
+
+It	PRON
+has	VERB
+an	DET
+ideology	NOUN
+which	PRON
+claims	VERB
+supremacy	NOUN
+over	ADP
+Western	ADJ
+culture	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+ruthless	ADJ
+.	PUNCT
+
+It	PRON
+has	AUX
+proven	VERB
+that	SCONJ
+it	PRON
+can	AUX
+execute	VERB
+elaborate	ADJ
+terrorist	ADJ
+acts	NOUN
+without	SCONJ
+leaving	VERB
+too	ADV
+many	ADJ
+traces	NOUN
+,	PUNCT
+using	VERB
+Iranian	ADJ
+Embassies	PROPN
+.	PUNCT
+
+It	PRON
+is	AUX
+clearly	ADV
+trying	VERB
+to	PART
+develop	VERB
+nuclear	ADJ
+weapons	NOUN
+.	PUNCT
+
+Its	PRON
+so	ADV
+-	PUNCT
+called	VERB
+moderates	NOUN
+and	CCONJ
+conservatives	NOUN
+play	VERB
+their	PRON
+own	ADJ
+virtuoso	NOUN
+version	NOUN
+of	ADP
+the	DET
+"	PUNCT
+good	ADJ
+-	PUNCT
+cop	NOUN
+versus	ADP
+bad	ADJ
+-	PUNCT
+cop	NOUN
+"	PUNCT
+game	NOUN
+.	PUNCT
+
+Iran	PROPN
+sponsors	VERB
+Syrian	ADJ
+terrorism	NOUN
+,	PUNCT
+it	PRON
+is	AUX
+certainly	ADV
+behind	ADP
+much	ADJ
+of	ADP
+the	DET
+action	NOUN
+in	ADP
+Iraq	PROPN
+,	PUNCT
+it	PRON
+is	AUX
+fully	ADV
+funding	VERB
+the	DET
+Hezbollah	PROPN
+and	CCONJ
+,	PUNCT
+through	ADP
+it	PRON
+,	PUNCT
+the	DET
+Palestinian	ADJ
+Hamas	PROPN
+and	CCONJ
+Islamic	PROPN
+Jihad	PROPN
+;	PUNCT
+it	PRON
+performed	VERB
+acts	NOUN
+of	ADP
+terror	NOUN
+at	ADV
+least	ADV
+in	ADP
+Europe	PROPN
+and	CCONJ
+in	ADP
+South	PROPN
+America	PROPN
+and	CCONJ
+probably	ADV
+also	ADV
+in	ADP
+Uzbekistan	PROPN
+and	CCONJ
+Saudi	PROPN
+Arabia	PROPN
+and	CCONJ
+it	PRON
+truly	ADV
+leads	VERB
+a	DET
+multi-national	ADJ
+terror	NOUN
+consortium	NOUN
+,	PUNCT
+which	PRON
+includes	VERB
+,	PUNCT
+as	ADP
+minor	ADJ
+players	NOUN
+,	PUNCT
+Syria	PROPN
+,	PUNCT
+Lebanon	PROPN
+and	CCONJ
+certain	ADJ
+Shiite	ADJ
+elements	NOUN
+in	ADP
+Iraq	PROPN
+.	PUNCT
+
+Nevertheless	ADV
+,	PUNCT
+most	ADJ
+European	ADJ
+countries	NOUN
+still	ADV
+trade	VERB
+with	ADP
+Iran	PROPN
+,	PUNCT
+try	VERB
+to	PART
+appease	VERB
+it	PRON
+and	CCONJ
+refuse	VERB
+to	PART
+read	VERB
+the	DET
+clear	ADJ
+signals	NOUN
+.	PUNCT
+
+In	ADP
+order	NOUN
+to	PART
+win	VERB
+the	DET
+war	NOUN
+it	PRON
+is	AUX
+also	ADV
+necessary	ADJ
+to	PART
+dry	VERB
+the	DET
+financial	ADJ
+resources	NOUN
+of	ADP
+the	DET
+terror	NOUN
+conglomerate	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+pointless	ADJ
+to	PART
+try	VERB
+to	PART
+understand	VERB
+the	DET
+subtle	ADJ
+differences	NOUN
+between	ADP
+the	DET
+Sunni	ADJ
+terror	NOUN
+of	ADP
+Al	PROPN
+Qaeda	PROPN
+and	CCONJ
+Hamas	PROPN
+and	CCONJ
+the	DET
+Shiite	ADJ
+terror	NOUN
+of	ADP
+Hezbollah	PROPN
+,	PUNCT
+Sadr	PROPN
+and	CCONJ
+other	ADJ
+Iranian	ADJ
+-	PUNCT
+inspired	VERB
+enterprises	NOUN
+.	PUNCT
+
+When	ADV
+it	PRON
+serves	VERB
+their	PRON
+business	NOUN
+needs	NOUN
+,	PUNCT
+all	DET
+of	ADP
+them	PRON
+collaborate	VERB
+beautifully	ADV
+.	PUNCT
+
+It	PRON
+is	AUX
+crucial	ADJ
+to	PART
+stop	VERB
+Saudi	ADJ
+and	CCONJ
+other	ADJ
+financial	ADJ
+support	NOUN
+of	ADP
+the	DET
+outer	ADJ
+circle	NOUN
+,	PUNCT
+which	PRON
+is	AUX
+the	DET
+fertile	ADJ
+breeding	NOUN
+ground	NOUN
+of	ADP
+terror	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+important	ADJ
+to	PART
+monitor	VERB
+all	DET
+donations	NOUN
+from	ADP
+the	DET
+Western	ADJ
+World	NOUN
+to	ADP
+Islamic	ADJ
+organizations	NOUN
+,	PUNCT
+to	PART
+monitor	VERB
+the	DET
+finances	NOUN
+of	ADP
+international	ADJ
+relief	NOUN
+organizations	NOUN
+and	CCONJ
+to	PART
+react	VERB
+with	ADP
+forceful	ADJ
+economic	ADJ
+measures	NOUN
+to	ADP
+any	DET
+small	ADJ
+sign	NOUN
+of	ADP
+financial	ADJ
+aid	NOUN
+to	ADP
+any	DET
+of	ADP
+the	DET
+three	NUM
+circles	NOUN
+of	ADP
+terrorism	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+also	ADV
+important	ADJ
+to	PART
+act	VERB
+decisively	ADV
+against	ADP
+the	DET
+campaign	NOUN
+of	ADP
+lies	NOUN
+and	CCONJ
+fabrications	NOUN
+and	CCONJ
+to	PART
+monitor	VERB
+those	DET
+Western	ADJ
+media	NOUN
+who	PRON
+collaborate	VERB
+with	ADP
+it	PRON
+out	ADP
+of	ADP
+naivety	NOUN
+,	PUNCT
+financial	ADJ
+interests	NOUN
+or	CCONJ
+ignorance	NOUN
+.	PUNCT
+
+Above	ADP
+all	DET
+,	PUNCT
+never	ADV
+surrender	VERB
+to	ADP
+terror	NOUN
+.	PUNCT
+
+No	DET
+one	NOUN
+will	AUX
+ever	ADV
+know	VERB
+whether	SCONJ
+the	DET
+recent	ADJ
+elections	NOUN
+in	ADP
+Spain	PROPN
+would	AUX
+have	AUX
+yielded	VERB
+a	DET
+different	ADJ
+result	NOUN
+,	PUNCT
+if	SCONJ
+not	ADV
+for	ADP
+the	DET
+train	NOUN
+bombings	NOUN
+a	DET
+few	ADJ
+days	NOUN
+earlier	ADV
+.	PUNCT
+
+But	CCONJ
+it	PRON
+really	ADV
+does	AUX
+not	PART
+matter	VERB
+.	PUNCT
+
+What	PRON
+matters	VERB
+is	VERB
+that	SCONJ
+the	DET
+terrorists	NOUN
+believe	VERB
+that	SCONJ
+they	PRON
+caused	VERB
+the	DET
+result	NOUN
+and	CCONJ
+that	SCONJ
+they	PRON
+won	VERB
+by	SCONJ
+driving	VERB
+Spain	PROPN
+out	ADP
+of	ADP
+Iraq	PROPN
+.	PUNCT
+
+The	DET
+Spanish	ADJ
+story	NOUN
+will	AUX
+surely	ADV
+end	VERB
+up	ADP
+being	AUX
+extremely	ADV
+costly	ADJ
+to	ADP
+other	ADJ
+European	ADJ
+countries	NOUN
+,	PUNCT
+including	VERB
+France	PROPN
+,	PUNCT
+who	PRON
+is	AUX
+now	ADV
+expelling	VERB
+inciting	VERB
+preachers	NOUN
+and	CCONJ
+forbidding	VERB
+veils	NOUN
+and	CCONJ
+including	VERB
+others	NOUN
+who	PRON
+sent	VERB
+troops	NOUN
+to	ADP
+Iraq	PROPN
+.	PUNCT
+
+In	ADP
+the	DET
+long	ADJ
+run	NOUN
+,	PUNCT
+Spain	PROPN
+itself	PRON
+will	AUX
+pay	VERB
+even	ADV
+more	ADJ
+.	PUNCT
+
+Is	AUX
+the	DET
+solution	NOUN
+a	DET
+democratic	ADJ
+Arab	ADJ
+world	NOUN
+?	PUNCT
+
+If	SCONJ
+by	ADP
+democracy	NOUN
+we	PRON
+mean	VERB
+free	ADJ
+elections	NOUN
+but	CCONJ
+also	ADV
+free	ADJ
+press	NOUN
+,	PUNCT
+free	ADJ
+speech	NOUN
+,	PUNCT
+a	DET
+functioning	VERB
+judicial	ADJ
+system	NOUN
+,	PUNCT
+civil	ADJ
+liberties	NOUN
+,	PUNCT
+equality	NOUN
+to	ADP
+women	NOUN
+,	PUNCT
+free	ADJ
+international	ADJ
+travel	NOUN
+,	PUNCT
+exposure	NOUN
+to	ADP
+international	ADJ
+media	NOUN
+and	CCONJ
+ideas	NOUN
+,	PUNCT
+laws	NOUN
+against	ADP
+racial	ADJ
+incitement	NOUN
+and	CCONJ
+against	ADP
+defamation	NOUN
+,	PUNCT
+and	CCONJ
+avoidance	NOUN
+of	ADP
+lawless	ADJ
+behavior	NOUN
+regarding	VERB
+hospitals	NOUN
+,	PUNCT
+places	NOUN
+of	ADP
+worship	NOUN
+and	CCONJ
+children	NOUN
+,	PUNCT
+then	ADV
+yes	INTJ
+,	PUNCT
+democracy	NOUN
+is	AUX
+the	DET
+solution	NOUN
+.	PUNCT
+
+If	SCONJ
+democracy	NOUN
+is	AUX
+just	ADV
+free	ADJ
+elections	NOUN
+,	PUNCT
+it	PRON
+is	AUX
+likely	ADJ
+that	SCONJ
+the	DET
+most	ADV
+fanatic	ADJ
+regime	NOUN
+will	AUX
+be	AUX
+elected	VERB
+,	PUNCT
+the	DET
+one	NOUN
+whose	PRON
+incitement	NOUN
+and	CCONJ
+fabrications	NOUN
+are	AUX
+the	DET
+most	ADV
+inflammatory	ADJ
+.	PUNCT
+
+We	PRON
+have	AUX
+seen	VERB
+it	PRON
+already	ADV
+in	ADP
+Algeria	PROPN
+and	CCONJ
+,	PUNCT
+to	ADP
+a	DET
+certain	ADJ
+extent	NOUN
+,	PUNCT
+in	ADP
+Turkey	PROPN
+.	PUNCT
+
+It	PRON
+will	AUX
+happen	VERB
+again	ADV
+,	PUNCT
+if	SCONJ
+the	DET
+ground	NOUN
+is	AUX
+not	PART
+prepared	VERB
+very	ADV
+carefully	ADV
+.	PUNCT
+
+On	ADP
+the	DET
+other	ADJ
+hand	NOUN
+,	PUNCT
+a	DET
+certain	ADJ
+transition	NOUN
+democracy	NOUN
+,	PUNCT
+as	ADP
+in	ADP
+Jordan	PROPN
+,	PUNCT
+may	AUX
+be	AUX
+a	DET
+better	ADJ
+temporary	ADJ
+solution	NOUN
+,	PUNCT
+paving	VERB
+the	DET
+way	NOUN
+for	ADP
+the	DET
+real	ADJ
+thing	NOUN
+,	PUNCT
+perhaps	ADV
+in	ADP
+the	DET
+same	ADJ
+way	NOUN
+that	ADV
+an	DET
+immediate	ADJ
+sudden	ADJ
+democracy	NOUN
+did	AUX
+not	PART
+work	VERB
+in	ADP
+Russia	PROPN
+and	CCONJ
+would	AUX
+not	PART
+have	AUX
+worked	VERB
+in	ADP
+China	PROPN
+.	PUNCT
+
+I	PRON
+have	VERB
+no	DET
+doubt	NOUN
+that	SCONJ
+the	DET
+civilized	ADJ
+world	NOUN
+will	AUX
+prevail	VERB
+.	PUNCT
+
+But	CCONJ
+the	DET
+longer	ADV
+it	PRON
+takes	VERB
+us	PRON
+to	PART
+understand	VERB
+the	DET
+new	ADJ
+landscape	NOUN
+of	ADP
+this	DET
+war	NOUN
+,	PUNCT
+the	DET
+more	ADV
+costly	ADJ
+and	CCONJ
+painful	ADJ
+the	DET
+victory	NOUN
+will	AUX
+be	AUX
+.	PUNCT
+
+Europe	PROPN
+,	PUNCT
+more	ADV
+than	ADP
+any	DET
+other	ADJ
+region	NOUN
+,	PUNCT
+is	AUX
+the	DET
+key	NOUN
+.	PUNCT
+
+Its	PRON
+understandable	ADJ
+recoil	NOUN
+from	ADP
+wars	NOUN
+,	PUNCT
+following	VERB
+the	DET
+horrors	NOUN
+of	ADP
+World	PROPN
+War	PROPN
+II	PROPN
+,	PUNCT
+may	AUX
+cost	VERB
+thousands	NOUN
+of	ADP
+additional	ADJ
+innocent	ADJ
+lives	NOUN
+,	PUNCT
+before	SCONJ
+the	DET
+tide	NOUN
+will	AUX
+turn	VERB
+.	PUNCT
+"	PUNCT
+
+Zawahiri	PROPN
+was	AUX
+associated	VERB
+with	ADP
+a	DET
+faction	NOUN
+of	ADP
+the	DET
+Egyptian	PROPN
+Islamic	PROPN
+Jihad	PROPN
+known	VERB
+as	ADP
+the	DET
+Vanguards	PROPN
+of	ADP
+Conquest	PROPN
+.	PUNCT
+
+Zawahiri	PROPN
+and	CCONJ
+the	DET
+Vanguards	PROPN
+of	ADP
+Conquest	PROPN
+were	AUX
+seeking	VERB
+to	PART
+recreate	VERB
+Mohammed	PROPN
+'s	PART
+taking	NOUN
+of	ADP
+mecca	PROPN
+by	ADP
+a	DET
+small	ADJ
+band	NOUN
+through	ADP
+violent	ADJ
+attacks	NOUN
+on	ADP
+Egyptian	ADJ
+leaders	NOUN
+.	PUNCT
+
+By	ADP
+1998	NUM
+,	PUNCT
+Zawahiri	PROPN
+had	AUX
+determined	VERB
+that	SCONJ
+the	DET
+Egyptian	PROPN
+Islamic	PROPN
+Jihad	PROPN
+should	AUX
+focus	VERB
+on	ADP
+its	PRON
+struggle	NOUN
+against	ADP
+the	DET
+United	PROPN
+States	PROPN
+and	CCONJ
+hold	VERB
+off	ADP
+on	ADP
+further	ADJ
+attacks	NOUN
+against	ADP
+the	DET
+Egyptian	ADJ
+regime	NOUN
+.	PUNCT
+
+A	DET
+key	ADJ
+question	NOUN
+is	VERB
+how	ADV
+they	PRON
+acquired	VERB
+the	DET
+anthrax	NOUN
+strain	NOUN
+first	ADV
+isolated	VERB
+by	ADP
+the	DET
+Texas	PROPN
+Veterinary	PROPN
+Medical	PROPN
+Diagnostic	PROPN
+Lab	PROPN
+in	ADP
+1980	NUM
+.	PUNCT
+
+According	VERB
+to	ADP
+senior	ADJ
+counter	X
+terrorism	NOUN
+officials	NOUN
+,	PUNCT
+both	CCONJ
+here	ADV
+and	CCONJ
+abroad	ADV
+,	PUNCT
+among	ADP
+the	DET
+supporters	NOUN
+of	ADP
+these	DET
+militant	ADJ
+islamists	NOUN
+were	VERB
+people	NOUN
+who	PRON
+blended	VERB
+into	ADP
+society	NOUN
+and	CCONJ
+were	AUX
+available	ADJ
+to	PART
+act	VERB
+when	ADV
+another	DET
+part	NOUN
+of	ADP
+the	DET
+network	NOUN
+requested	VERB
+it	PRON
+.	PUNCT
+
+Al	PROPN
+Qaeda	PROPN
+,	PUNCT
+Anthrax	PROPN
+and	CCONJ
+Ayman	PROPN
+:	PUNCT
+Means	NOUN
+,	PUNCT
+Motive	NOUN
+,	PUNCT
+Modus	NOUN
+Operandi	NOUN
+and	CCONJ
+Opportunity	NOUN
+
+Homeland	NOUN
+Security	NOUN
+
+In	ADP
+early	ADJ
+June	PROPN
+2003	NUM
+,	PUNCT
+a	DET
+Central	PROPN
+Intelligence	PROPN
+Agency	PROPN
+(	PUNCT
+"	PUNCT
+CIA	PROPN
+"	PUNCT
+)	PUNCT
+report	NOUN
+publicly	ADV
+disclosed	VERB
+that	SCONJ
+the	DET
+reason	NOUN
+for	ADP
+Mohammed	PROPN
+Atta	PROPN
+'s	PART
+and	CCONJ
+Zacarias	PROPN
+Moussaoui	PROPN
+'s	PART
+inquiries	NOUN
+into	ADP
+cropdusters	NOUN
+was	AUX
+for	ADP
+the	DET
+contemplated	VERB
+use	NOUN
+in	SCONJ
+dispersing	VERB
+biological	ADJ
+agents	NOUN
+such	ADJ
+as	ADP
+anthrax	NOUN
+.	PUNCT
+
+An	DET
+early	ADJ
+September	PROPN
+2003	NUM
+Newsweek	PROPN
+article	NOUN
+included	VERB
+a	DET
+rumor	NOUN
+by	ADP
+a	DET
+Taliban	PROPN
+source	NOUN
+that	SCONJ
+at	ADP
+a	DET
+meeting	NOUN
+in	ADP
+April	PROPN
+2003	NUM
+Bin	PROPN
+Laden	PROPN
+was	AUX
+planning	VERB
+an	DET
+"	PUNCT
+unbelievable	ADJ
+"	PUNCT
+biological	ADJ
+attack	NOUN
+,	PUNCT
+the	DET
+plans	NOUN
+for	ADP
+which	PRON
+had	AUX
+suffered	VERB
+a	DET
+setback	NOUN
+upon	ADP
+the	DET
+arrest	NOUN
+of	ADP
+Khalid	PROPN
+Shaikh	PROPN
+Mohammed	PROPN
+(	PUNCT
+"	PUNCT
+KSM	PROPN
+"	PUNCT
+)	PUNCT
+.	PUNCT
+
+He	PRON
+had	AUX
+been	AUX
+captured	VERB
+the	DET
+previous	ADJ
+month	NOUN
+in	ADP
+Rawalpindi	PROPN
+,	PUNCT
+Pakistan	PROPN
+.	PUNCT
+
+In	ADP
+November	PROPN
+2003	NUM
+,	PUNCT
+a	DET
+report	NOUN
+by	ADP
+a	DET
+UN	PROPN
+Panel	NOUN
+of	ADP
+experts	NOUN
+concluded	VERB
+that	SCONJ
+Al	PROPN
+Qaeda	PROPN
+is	AUX
+determined	ADJ
+to	PART
+use	VERB
+chemical	ADJ
+and	CCONJ
+biological	ADJ
+weapons	NOUN
+and	CCONJ
+is	AUX
+restrained	VERB
+only	ADV
+by	ADP
+technical	ADJ
+difficulties	NOUN
+.	PUNCT
+
+In	ADP
+a	DET
+statement	NOUN
+issued	VERB
+June	PROPN
+16	NUM
+,	PUNCT
+2004	NUM
+,	PUNCT
+the	DET
+9/11	PROPN
+Commission	PROPN
+Staff	NOUN
+concluded	VERB
+that	SCONJ
+"	PUNCT
+Al	PROPN
+Qaeda	PROPN
+had	VERB
+an	DET
+ambitious	ADJ
+biological	ADJ
+weapons	NOUN
+program	NOUN
+and	CCONJ
+was	AUX
+making	VERB
+advances	NOUN
+in	ADP
+its	PRON
+ability	NOUN
+to	PART
+produce	VERB
+anthrax	NOUN
+prior	ADJ
+to	ADP
+September	PROPN
+11	NUM
+.	PUNCT
+
+According	VERB
+to	ADP
+Director	PROPN
+of	ADP
+Central	PROPN
+Intelligence	PROPN
+George	PROPN
+Tenet	PROPN
+,	PUNCT
+al	PROPN
+Qaeda	PROPN
+’s	PART
+ability	NOUN
+to	PART
+conduct	VERB
+an	DET
+anthrax	NOUN
+attack	NOUN
+is	AUX
+one	NUM
+of	ADP
+the	DET
+most	ADV
+immediate	ADJ
+threats	NOUN
+the	DET
+United	PROPN
+States	PROPN
+is	AUX
+likely	ADJ
+to	PART
+face	VERB
+.	PUNCT
+"	PUNCT
+
+On	ADP
+August	PROPN
+9	NUM
+,	PUNCT
+2004	NUM
+,	PUNCT
+it	PRON
+was	AUX
+announced	VERB
+that	SCONJ
+in	ADP
+the	DET
+Spring	NOUN
+of	ADP
+2001	NUM
+,	PUNCT
+a	DET
+man	NOUN
+named	VERB
+El	PROPN
+-	PUNCT
+Shukrijumah	PROPN
+,	PUNCT
+also	ADV
+known	VERB
+as	ADP
+Jafar	PROPN
+the	DET
+Pilot	PROPN
+,	PUNCT
+who	PRON
+was	AUX
+part	NOUN
+of	ADP
+a	DET
+"	PUNCT
+second	ADJ
+wave	NOUN
+,	PUNCT
+"	PUNCT
+had	AUX
+been	AUX
+casing	VERB
+New	PROPN
+York	PROPN
+City	PROPN
+helicopters	NOUN
+.	PUNCT
+
+Photographs	NOUN
+from	ADP
+a	DET
+seized	VERB
+computer	NOUN
+disc	NOUN
+included	VERB
+the	DET
+controls	NOUN
+and	CCONJ
+the	DET
+locks	NOUN
+on	ADP
+the	DET
+door	NOUN
+between	ADP
+the	DET
+passengers	NOUN
+and	CCONJ
+pilot	NOUN
+.	PUNCT
+
+In	ADP
+a	DET
+bulletin	NOUN
+,	PUNCT
+the	DET
+FBI	PROPN
+noted	VERB
+that	SCONJ
+the	DET
+surveillance	NOUN
+might	AUX
+relate	VERB
+to	ADP
+a	DET
+plot	NOUN
+to	PART
+disperse	VERB
+a	DET
+chemical	ADJ
+or	CCONJ
+biological	ADJ
+weapon	NOUN
+.	PUNCT
+
+The	DET
+CIA	PROPN
+reportedly	ADV
+has	AUX
+been	AUX
+quietly	ADV
+building	VERB
+a	DET
+case	NOUN
+that	SCONJ
+the	DET
+anthrax	NOUN
+mailings	NOUN
+were	AUX
+an	DET
+international	ADJ
+plot	NOUN
+.	PUNCT
+
+This	PRON
+is	AUX
+old	ADJ
+news	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+just	ADV
+no	ADV
+longer	ADV
+bureaucratically	ADV
+impolite	ADJ
+to	PART
+openly	ADV
+contest	VERB
+the	DET
+FBI	PROPN
+'s	PART
+(	PUNCT
+former	ADJ
+)	PUNCT
+theory	NOUN
+about	ADP
+a	DET
+lone	ADJ
+,	PUNCT
+American	ADJ
+scientist	NOUN
+.	PUNCT
+
+Many	ADJ
+people	NOUN
+have	AUX
+argued	VERB
+that	SCONJ
+a	DET
+US	PROPN
+-	PUNCT
+based	VERB
+Al	PROPN
+Qaeda	PROPN
+operative	NOUN
+is	AUX
+behind	ADP
+the	DET
+earlier	ADJ
+Fall	NOUN
+2001	NUM
+anthrax	NOUN
+mailings	NOUN
+in	ADP
+the	DET
+US	PROPN
+,	PUNCT
+and	CCONJ
+that	SCONJ
+the	DET
+mailings	NOUN
+served	VERB
+as	ADP
+a	DET
+threat	NOUN
+and	CCONJ
+warning	NOUN
+.	PUNCT
+
+Princeton	PROPN
+islamist	NOUN
+scholar	NOUN
+Bernard	PROPN
+Lewis	PROPN
+has	AUX
+explained	VERB
+that	SCONJ
+while	SCONJ
+islamists	NOUN
+may	AUX
+disagree	VERB
+about	SCONJ
+whether	SCONJ
+killing	VERB
+innocents	NOUN
+is	AUX
+sanctioned	VERB
+by	ADP
+the	DET
+laws	NOUN
+of	ADP
+jihad	NOUN
+,	PUNCT
+extremists	NOUN
+like	ADP
+Zawahiri	PROPN
+agree	VERB
+that	SCONJ
+notice	NOUN
+must	AUX
+be	AUX
+given	VERB
+before	SCONJ
+biochemical	ADJ
+weapons	NOUN
+are	AUX
+used	VERB
+.	PUNCT
+
+"	PUNCT
+The	DET
+Prophet	PROPN
+'s	PART
+guidance	NOUN
+,	PUNCT
+"	PUNCT
+says	VERB
+Michael	PROPN
+Scheuer	PROPN
+,	PUNCT
+an	DET
+al	PROPN
+-	PUNCT
+Qaeda	PROPN
+analyst	NOUN
+who	PRON
+recently	ADV
+retired	VERB
+from	ADP
+the	DET
+CIA	PROPN
+and	CCONJ
+once	ADV
+headed	VERB
+its	PRON
+Bin	PROPN
+Laden	PROPN
+unit	NOUN
+,	PUNCT
+"	PUNCT
+was	VERB
+always	ADV
+,	PUNCT
+Before	SCONJ
+you	PRON
+attack	VERB
+someone	PRON
+,	PUNCT
+warn	VERB
+them	PRON
+very	ADV
+clearly	ADV
+...	PUNCT
+"	PUNCT
+The	DET
+anthrax	NOUN
+mailings	NOUN
+followed	VERB
+the	DET
+pattern	NOUN
+of	ADP
+letters	NOUN
+they	PRON
+sent	VERB
+in	ADP
+January	PROPN
+1997	NUM
+to	ADP
+newspaper	NOUN
+branches	NOUN
+in	ADP
+Washington	PROPN
+,	PUNCT
+D.C.	PROPN
+and	CCONJ
+New	PROPN
+York	PROPN
+City	PROPN
+,	PUNCT
+as	ADV
+well	ADV
+as	ADP
+symbolic	ADJ
+targets	NOUN
+.	PUNCT
+
+The	DET
+letter	NOUN
+bombs	NOUN
+were	AUX
+sent	VERB
+in	ADP
+connection	NOUN
+with	ADP
+the	DET
+detention	NOUN
+of	ADP
+the	DET
+blind	ADJ
+sheik	NOUN
+Abdel	PROPN
+Rahman	PROPN
+and	CCONJ
+those	PRON
+responsible	ADJ
+for	ADP
+the	DET
+earlier	ADJ
+World	PROPN
+Trade	PROPN
+Center	PROPN
+bombing	NOUN
+in	ADP
+1993	NUM
+.	PUNCT
+
+Handwritten	ADJ
+notes	NOUN
+and	CCONJ
+files	NOUN
+on	ADP
+a	DET
+laptop	NOUN
+seized	VERB
+upon	ADP
+the	DET
+capture	NOUN
+of	ADP
+KSM	PROPN
+,	PUNCT
+Al	PROPN
+Qaeda	PROPN
+'s	PART
+#	NOUN
+3	NUM
+,	PUNCT
+included	VERB
+a	DET
+feasible	ADJ
+anthrax	NOUN
+production	NOUN
+plan	NOUN
+using	VERB
+a	DET
+spray	NOUN
+dryer	NOUN
+and	CCONJ
+addressed	VERB
+the	DET
+recruitment	NOUN
+of	ADP
+necessary	ADJ
+expertise	NOUN
+.	PUNCT
+
+What	PRON
+your	PRON
+morning	NOUN
+paper	NOUN
+did	AUX
+not	PART
+tell	VERB
+you	PRON
+,	PUNCT
+however	ADV
+,	PUNCT
+was	VERB
+that	SCONJ
+the	DET
+CIA	PROPN
+seized	VERB
+a	DET
+similar	ADJ
+disc	NOUN
+from	ADP
+Ayman	PROPN
+Zawahiri	PROPN
+'s	PART
+right	ADJ
+-	PUNCT
+hand	NOUN
+,	PUNCT
+Ahmed	PROPN
+Salama	PROPN
+Mabruk	PROPN
+,	PUNCT
+5	NUM
+years	NOUN
+earlier	ADV
+.	PUNCT
+
+The	DET
+computer	NOUN
+disk	NOUN
+was	AUX
+confiscated	VERB
+from	ADP
+him	PRON
+during	ADP
+his	PRON
+arrest	NOUN
+by	ADP
+the	DET
+CIA	PROPN
+in	ADP
+Azerbaijan	PROPN
+and	CCONJ
+handed	VERB
+over	ADP
+to	ADP
+the	DET
+Egyptian	ADJ
+authorities	NOUN
+.	PUNCT
+
+Mabruk	PROPN
+,	PUNCT
+at	ADP
+the	DET
+time	NOUN
+,	PUNCT
+was	AUX
+the	DET
+head	NOUN
+of	ADP
+Jihad	PROPN
+'s	PART
+military	ADJ
+operations	NOUN
+.	PUNCT
+
+There	PRON
+is	VERB
+a	DET
+risk	NOUN
+that	SCONJ
+observers	NOUN
+underestimate	VERB
+the	DET
+time	NOUN
+that	PRON
+Al	PROPN
+Qaeda	PROPN
+has	AUX
+had	VERB
+to	PART
+make	VERB
+progress	NOUN
+in	ADP
+such	ADJ
+recruitment	NOUN
+and	CCONJ
+research	NOUN
+and	CCONJ
+development	NOUN
+.	PUNCT
+
+Some	DET
+may	AUX
+still	ADV
+think	VERB
+that	SCONJ
+even	ADV
+in	ADP
+the	DET
+final	ADJ
+stages	NOUN
+of	ADP
+the	DET
+9/11	NUM
+plot	NOUN
+,	PUNCT
+Zacarias	PROPN
+Moussaoui	PROPN
+was	AUX
+going	VERB
+to	PART
+fly	VERB
+a	DET
+5th	ADJ
+plane	NOUN
+into	ADP
+the	DET
+Capitol	PROPN
+or	CCONJ
+White	PROPN
+House	PROPN
+.	PUNCT
+
+Others	NOUN
+argue	VERB
+that	SCONJ
+he	PRON
+was	VERB
+to	PART
+be	AUX
+part	NOUN
+of	ADP
+a	DET
+second	ADJ
+wave	NOUN
+of	ADP
+airliners	NOUN
+directed	VERB
+to	ADP
+targets	NOUN
+on	ADP
+the	DET
+West	ADJ
+Coast	NOUN
+.	PUNCT
+
+There	PRON
+is	AUX
+an	DET
+e-mail	NOUN
+by	ADP
+Moussaoui	PROPN
+,	PUNCT
+however	ADV
+,	PUNCT
+dated	VERB
+July	PROPN
+31	NUM
+,	PUNCT
+2001	NUM
+indicating	VERB
+that	SCONJ
+he	PRON
+sought	VERB
+to	PART
+take	VERB
+a	DET
+crop	NOUN
+dusting	NOUN
+course	NOUN
+that	PRON
+was	VERB
+to	PART
+last	VERB
+up	ADP
+to	ADP
+6	NUM
+months	NOUN
+.	PUNCT
+
+In	ADP
+March	PROPN
+2003	NUM
+,	PUNCT
+Mohammed	PROPN
+reportedly	ADV
+said	VERB
+that	SCONJ
+Moussaoui	PROPN
+was	AUX
+not	PART
+going	VERB
+to	PART
+be	AUX
+part	NOUN
+of	ADP
+9/11	NUM
+but	CCONJ
+was	VERB
+to	PART
+be	AUX
+part	NOUN
+of	ADP
+a	DET
+"	PUNCT
+second	ADJ
+wave	NOUN
+.	PUNCT
+"	PUNCT
+
+Although	SCONJ
+Ramzi	PROPN
+Binalshibh	PROPN
+provided	VERB
+him	PRON
+$	SYM
+14,000	NUM
+in	ADP
+July	PROPN
+,	PUNCT
+accused	VERB
+September	PROPN
+11	NUM
+conspirator	NOUN
+Zacarias	PROPN
+Moussaoui	PROPN
+told	VERB
+his	PRON
+trial	NOUN
+judge	NOUN
+that	SCONJ
+he	PRON
+had	VERB
+an	DET
+al	PROPN
+Qaeda	PROPN
+mission	NOUN
+that	PRON
+would	AUX
+have	AUX
+come	VERB
+after	ADP
+the	DET
+terrorist	NOUN
+attacks	NOUN
+.	PUNCT
+
+KSM	PROPN
+explained	VERB
+that	SCONJ
+Moussaoui	PROPN
+'s	PART
+inquiries	NOUN
+about	ADP
+crop	NOUN
+dusters	NOUN
+may	AUX
+have	AUX
+been	AUX
+related	ADJ
+to	ADP
+the	DET
+anthrax	NOUN
+work	NOUN
+being	AUX
+done	VERB
+by	ADP
+US	PROPN
+-	PUNCT
+trained	VERB
+biochemist	NOUN
+and	CCONJ
+Al	PROPN
+Qaeda	PROPN
+operative	NOUN
+,	PUNCT
+Malaysian	ADJ
+Yazid	PROPN
+Sufaat	PROPN
+.	PUNCT
+
+Zacarias	PROPN
+Moussaoui	PROPN
+,	PUNCT
+never	ADV
+the	DET
+sharpest	ADJ
+tool	NOUN
+in	ADP
+the	DET
+shed	NOUN
+and	CCONJ
+thought	VERB
+by	ADP
+his	PRON
+superiors	NOUN
+to	PART
+be	AUX
+unreliable	ADJ
+,	PUNCT
+has	AUX
+told	VERB
+the	DET
+judge	NOUN
+at	ADP
+his	PRON
+trial	NOUN
+in	ADP
+a	DET
+filing	NOUN
+that	SCONJ
+he	PRON
+wants	VERB
+"	PUNCT
+anthrax	NOUN
+for	ADP
+Jew	PROPN
+sympathizer	NOUN
+only	ADV
+.	PUNCT
+"	PUNCT
+
+Al	PROPN
+Qaeda	PROPN
+'s	PART
+regional	ADJ
+operative	NOUN
+,	PUNCT
+Hambali	PROPN
+,	PUNCT
+who	PRON
+was	AUX
+at	ADP
+a	DET
+key	ADJ
+January	PROPN
+2000	NUM
+meeting	NOUN
+and	CCONJ
+supervised	VERB
+Sufaat	PROPN
+,	PUNCT
+has	AUX
+been	AUX
+captured	VERB
+.	PUNCT
+
+Hambali	PROPN
+reportedly	ADV
+is	AUX
+cooperating	VERB
+to	ADP
+some	DET
+degree	NOUN
+.	PUNCT
+
+KSM	PROPN
+and	CCONJ
+Hambali	PROPN
+sent	VERB
+al	PROPN
+-	PUNCT
+Hindi	PROPN
+(	PUNCT
+al	PROPN
+-	PUNCT
+Britani	PROPN
+)	PUNCT
+,	PUNCT
+along	ADP
+with	ADP
+Jafar	PROPN
+the	DET
+Pilot	PROPN
+,	PUNCT
+to	PART
+case	VERB
+NYC	PROPN
+targets	NOUN
+for	ADP
+a	DET
+second	ADJ
+wave	NOUN
+.	PUNCT
+
+It	PRON
+was	VERB
+as	ADP
+part	NOUN
+of	ADP
+that	DET
+surveillance	NOUN
+in	ADP
+early	ADJ
+2001	NUM
+that	ADV
+Jafar	PROPN
+the	DET
+Pilot	PROPN
+studied	VERB
+tourist	NOUN
+helicopters	NOUN
+in	ADP
+the	DET
+NYC	PROPN
+area	NOUN
+.	PUNCT
+
+Sufaat	PROPN
+,	PUNCT
+according	VERB
+to	ADP
+both	CCONJ
+KSM	PROPN
+and	CCONJ
+Hambali	PROPN
+,	PUNCT
+did	AUX
+not	PART
+have	VERB
+the	DET
+virulent	ADJ
+US	PROPN
+Army	PROPN
+Ames	PROPN
+strain	NOUN
+that	PRON
+would	AUX
+be	AUX
+used	VERB
+.	PUNCT
+
+That	PRON
+would	AUX
+require	VERB
+someone	PRON
+who	PRON
+had	VERB
+access	NOUN
+to	ADP
+the	DET
+strain	NOUN
+.	PUNCT
+
+But	CCONJ
+if	SCONJ
+experience	NOUN
+is	AUX
+any	DET
+guide	NOUN
+,	PUNCT
+nothing	PRON
+would	AUX
+stand	VERB
+in	ADP
+the	DET
+way	NOUN
+of	ADP
+Dr.	PROPN
+Ayman	PROPN
+Zawahiri	PROPN
+'s	PART
+decade	NOUN
+-	PUNCT
+long	ADJ
+quest	NOUN
+to	PART
+weaponize	VERB
+and	CCONJ
+use	VERB
+anthrax	NOUN
+against	ADP
+US	PROPN
+targets	NOUN
+that	PRON
+was	AUX
+described	VERB
+by	ADP
+one	NUM
+confidante	NOUN
+to	ADP
+an	DET
+Egyptian	ADJ
+newspaper	NOUN
+reporter	NOUN
+.	PUNCT
+
+The	DET
+islamist	NOUN
+had	AUX
+been	AUX
+released	VERB
+from	ADP
+Egyptian	ADJ
+prison	NOUN
+and	CCONJ
+had	AUX
+known	VERB
+Zawahiri	PROPN
+well	ADV
+for	ADP
+many	ADJ
+years	NOUN
+.	PUNCT
+
+Emails	NOUN
+from	ADP
+Zawahiri	PROPN
+to	ADP
+Atef	PROPN
+in	ADP
+the	DET
+Spring	NOUN
+of	ADP
+1999	NUM
+indicate	VERB
+that	SCONJ
+Ayman	PROPN
+was	AUX
+a	DET
+close	ADJ
+student	NOUN
+of	ADP
+the	DET
+USAMRIID	PROPN
+anthrax	NOUN
+program	NOUN
+.	PUNCT
+
+He	PRON
+believed	VERB
+that	SCONJ
+the	DET
+koran	PROPN
+instructed	VERB
+that	SCONJ
+a	DET
+jihadist	NOUN
+should	AUX
+use	VERB
+the	DET
+weapons	NOUN
+used	VERB
+by	ADP
+the	DET
+crusader	NOUN
+.	PUNCT
+
+"	PUNCT
+What	PRON
+we	PRON
+know	VERB
+is	VERB
+that	SCONJ
+he	PRON
+'s	AUX
+always	ADV
+said	VERB
+it	PRON
+was	AUX
+a	DET
+religious	ADJ
+obligation	NOUN
+to	PART
+have	VERB
+the	DET
+same	ADJ
+weapons	NOUN
+as	ADP
+their	PRON
+enemies	NOUN
+,	PUNCT
+"	PUNCT
+former	ADJ
+CIA	PROPN
+OBL	PROPN
+unit	NOUN
+counter	X
+terrorism	NOUN
+chief	NOUN
+Michael	PROPN
+Scheuer	PROPN
+has	AUX
+said	VERB
+.	PUNCT
+
+The	DET
+Wall	PROPN
+Street	PROPN
+Journal	PROPN
+reported	VERB
+that	SCONJ
+a	DET
+computer	NOUN
+used	VERB
+by	ADP
+Zawahiri	PROPN
+contains	VERB
+a	DET
+June	PROPN
+1999	NUM
+memo	NOUN
+that	PRON
+"	PUNCT
+said	VERB
+the	DET
+program	NOUN
+should	AUX
+seek	VERB
+cover	NOUN
+and	CCONJ
+talent	NOUN
+in	ADP
+educational	ADJ
+institutions	NOUN
+,	PUNCT
+which	PRON
+it	PRON
+said	VERB
+were	AUX
+'	PUNCT
+more	ADV
+beneficial	ADJ
+to	ADP
+us	PRON
+and	CCONJ
+allow	VERB
+easy	ADJ
+access	NOUN
+to	ADP
+specialists	NOUN
+,	PUNCT
+which	PRON
+will	AUX
+greatly	ADV
+benefit	VERB
+us	PRON
+in	ADP
+the	DET
+first	ADJ
+stage	NOUN
+,	PUNCT
+God	PROPN
+willing	ADJ
+.	PUNCT
+'	PUNCT
+''	PUNCT
+
+Zawahiri	PROPN
+was	AUX
+associated	VERB
+with	ADP
+a	DET
+faction	NOUN
+of	ADP
+the	DET
+Egyptian	PROPN
+Islamic	PROPN
+Jihad	PROPN
+known	VERB
+as	ADP
+the	DET
+Vanguards	PROPN
+of	ADP
+Conquest	PROPN
+.	PUNCT
+
+Zawahiri	PROPN
+and	CCONJ
+the	DET
+Vanguards	PROPN
+of	ADP
+Conquest	PROPN
+were	AUX
+seeking	VERB
+to	PART
+recreate	VERB
+Mohammed	PROPN
+'s	PART
+taking	NOUN
+of	ADP
+mecca	PROPN
+by	ADP
+a	DET
+small	ADJ
+band	NOUN
+through	ADP
+violent	ADJ
+attacks	NOUN
+on	ADP
+Egyptian	ADJ
+leaders	NOUN
+.	PUNCT
+
+By	ADP
+1998	NUM
+,	PUNCT
+Zawahiri	PROPN
+had	AUX
+determined	VERB
+that	SCONJ
+the	DET
+Egyptian	PROPN
+Islamic	PROPN
+Jihad	PROPN
+should	AUX
+focus	VERB
+on	ADP
+its	PRON
+struggle	NOUN
+against	ADP
+the	DET
+United	PROPN
+States	PROPN
+and	CCONJ
+hold	VERB
+off	ADP
+on	ADP
+further	ADJ
+attacks	NOUN
+against	ADP
+the	DET
+Egyptian	ADJ
+regime	NOUN
+.	PUNCT
+
+A	DET
+key	ADJ
+question	NOUN
+is	VERB
+how	ADV
+they	PRON
+acquired	VERB
+the	DET
+anthrax	NOUN
+strain	NOUN
+first	ADV
+isolated	VERB
+by	ADP
+the	DET
+Texas	PROPN
+Veterinary	PROPN
+Medical	PROPN
+Diagnostic	PROPN
+Lab	PROPN
+in	ADP
+1980	NUM
+.	PUNCT
+
+According	VERB
+to	ADP
+senior	ADJ
+counter	X
+terrorism	NOUN
+officials	NOUN
+,	PUNCT
+both	CCONJ
+here	ADV
+and	CCONJ
+abroad	ADV
+,	PUNCT
+among	ADP
+the	DET
+supporters	NOUN
+of	ADP
+these	DET
+militant	ADJ
+islamists	NOUN
+were	AUX
+people	NOUN
+who	PRON
+blended	VERB
+into	ADP
+society	NOUN
+and	CCONJ
+were	AUX
+available	ADJ
+to	PART
+act	VERB
+when	ADV
+another	DET
+part	NOUN
+of	ADP
+the	DET
+network	NOUN
+requested	VERB
+it	PRON
+.	PUNCT
+
+A	DET
+few	ADJ
+days	NOUN
+before	ADP
+Christmas	PROPN
+2003	NUM
+,	PUNCT
+after	ADP
+a	DET
+renewed	VERB
+audiotape	NOUN
+threat	NOUN
+by	ADP
+Zawahiri	PROPN
+of	ADP
+attacks	NOUN
+,	PUNCT
+to	PART
+include	VERB
+in	ADP
+the	DET
+US	PROPN
+homeland	NOUN
+,	PUNCT
+the	DET
+threat	NOUN
+level	NOUN
+was	AUX
+raised	VERB
+to	ADP
+orange	ADJ
+or	CCONJ
+"	PUNCT
+high	ADJ
+.	PUNCT
+"	PUNCT
+
+After	SCONJ
+the	DET
+alert	NOUN
+condition	NOUN
+had	AUX
+long	ADV
+since	ADV
+returned	VERB
+to	ADP
+yellow	ADJ
+,	PUNCT
+Zawahiri	PROPN
+in	ADP
+late	ADJ
+February	PROPN
+issued	VERB
+another	DET
+audiotape	NOUN
+.	PUNCT
+
+He	PRON
+urged	VERB
+the	DET
+President	PROPN
+that	SCONJ
+brigades	NOUN
+and	CCONJ
+brigades	NOUN
+would	AUX
+be	AUX
+coming	VERB
+under	ADP
+the	DET
+banner	NOUN
+of	ADP
+jihad	NOUN
+carrying	VERB
+death	NOUN
+and	CCONJ
+seeking	VERB
+paradise	NOUN
+.	PUNCT
+
+Zawahiri	PROPN
+said	VERB
+that	SCONJ
+the	DET
+US	PROPN
+should	AUX
+expect	VERB
+another	DET
+9/11	NUM
+on	ADP
+US	PROPN
+soil	NOUN
+.	PUNCT
+
+According	VERB
+to	ADP
+some	DET
+reports	NOUN
+,	PUNCT
+Zawahiri	PROPN
+is	AUX
+thought	VERB
+by	ADP
+intelligence	NOUN
+to	PART
+be	AUX
+somewhere	ADV
+near	ADP
+the	DET
+border	NOUN
+of	ADP
+Pakistan	PROPN
+and	CCONJ
+Afghanistan	PROPN
+.	PUNCT
+
+At	ADP
+one	NUM
+time	NOUN
+,	PUNCT
+some	DET
+thought	VERB
+he	PRON
+had	AUX
+been	AUX
+spotted	VERB
+in	ADP
+Iran	PROPN
+.	PUNCT
+
+Wherever	ADV
+he	PRON
+is	AUX
+,	PUNCT
+authorities	NOUN
+need	VERB
+to	PART
+focus	VERB
+on	ADP
+the	DET
+traceable	ADJ
+connection	NOUN
+between	ADP
+him	PRON
+and	CCONJ
+those	PRON
+he	PRON
+or	CCONJ
+Atef	PROPN
+recruited	VERB
+.	PUNCT
+
+In	ADP
+October	PROPN
+2001	NUM
+,	PUNCT
+did	AUX
+the	DET
+FBI	PROPN
+profilers	NOUN
+know	VERB
+of	ADP
+the	DET
+draft	NOUN
+message	NOUN
+Khalid	PROPN
+Mohammed	PROPN
+had	VERB
+on	ADP
+the	DET
+seized	VERB
+laptop	NOUN
+(	PUNCT
+from	ADP
+1995	NUM
+)	PUNCT
+that	PRON
+was	AUX
+signed	VERB
+"	PUNCT
+Khalid	PROPN
+Sheik	PROPN
+Bojinka	PROPN
+"	PUNCT
+?	PUNCT
+
+The	DET
+letter	NOUN
+threatened	VERB
+to	PART
+use	VERB
+biochemical	ADJ
+weapons	NOUN
+if	SCONJ
+the	DET
+blind	ADJ
+sheik	NOUN
+was	AUX
+not	PART
+released	VERB
+.	PUNCT
+
+(	PUNCT
+Khalid	PROPN
+Mohammed	PROPN
+'s	PART
+involvement	NOUN
+dates	VERB
+back	ADV
+to	ADP
+Bojinka	PROPN
+,	PUNCT
+as	SCONJ
+does	VERB
+Hambali	PROPN
+'s	PART
+)	PUNCT
+.	PUNCT
+
+Use	NOUN
+of	ADP
+biochemical	ADJ
+weapons	NOUN
+as	ADP
+blackmail	NOUN
+and	CCONJ
+threatened	VERB
+retaliation	NOUN
+for	ADP
+such	ADJ
+detentions	NOUN
+was	AUX
+an	DET
+alternative	ADJ
+scenario	NOUN
+in	ADP
+the	DET
+Bojinka	PROPN
+planning	NOUN
+.	PUNCT
+
+In	ADP
+May	PROPN
+2004	NUM
+,	PUNCT
+Patrick	PROPN
+Hughes	PROPN
+,	PUNCT
+Lieutenant	PROPN
+General	PROPN
+(	PUNCT
+Retired	ADJ
+)	PUNCT
+,	PUNCT
+Assistant	PROPN
+Secretary	PROPN
+for	ADP
+Information	PROPN
+Analysis	PROPN
+,	PUNCT
+Homeland	PROPN
+Security	PROPN
+Department	PROPN
+testified	VERB
+before	ADP
+the	DET
+9/11	PROPN
+Commission	PROPN
+.	PUNCT
+
+He	PRON
+explained	VERB
+that	SCONJ
+interrogations	NOUN
+and	CCONJ
+other	ADJ
+evidence	NOUN
+revealed	VERB
+that	SCONJ
+Al	PROPN
+Qaeda	PROPN
+wanted	VERB
+to	PART
+strike	VERB
+the	DET
+US	PROPN
+with	ADP
+a	DET
+nonconventional	ADJ
+weapon	NOUN
+,	PUNCT
+most	ADV
+notably	ADV
+anthrax	NOUN
+.	PUNCT
+
+The	DET
+same	ADJ
+week	NOUN
+,	PUNCT
+the	DET
+WTC	PROPN
+head	NOUN
+testified	VERB
+that	SCONJ
+while	SCONJ
+they	PRON
+had	AUX
+not	PART
+received	VERB
+any	DET
+briefing	NOUN
+on	ADP
+the	DET
+use	NOUN
+of	ADP
+planes	NOUN
+,	PUNCT
+they	PRON
+had	AUX
+taken	VERB
+steps	NOUN
+to	PART
+prepare	VERB
+for	ADP
+an	DET
+attack	NOUN
+using	VERB
+anthrax	NOUN
+based	VERB
+on	ADP
+intelligence	NOUN
+that	PRON
+had	AUX
+been	AUX
+received	VERB
+.	PUNCT
+
+Al	PROPN
+Qaeda	PROPN
+has	AUX
+had	VERB
+anthrax	NOUN
+,	PUNCT
+the	DET
+raw	ADJ
+seed	NOUN
+product	NOUN
+in	ADP
+its	PRON
+unweaponized	ADJ
+form	NOUN
+,	PUNCT
+since	ADP
+at	ADV
+least	ADV
+1997	NUM
+,	PUNCT
+when	ADV
+it	PRON
+was	AUX
+purchased	VERB
+by	ADP
+Bin	PROPN
+Laden	PROPN
+through	ADP
+the	DET
+Moro	PROPN
+Islamic	PROPN
+Liberation	PROPN
+Front	PROPN
+(	PUNCT
+"	PUNCT
+Moro	PROPN
+Front	PROPN
+"	PUNCT
+or	CCONJ
+"	PUNCT
+MILF	PROPN
+"	PUNCT
+)	PUNCT
+.	PUNCT
+
+Zawahiri	PROPN
+,	PUNCT
+Al	PROPN
+Qaeda	PROPN
+'s	PART
+#	NOUN
+2	NUM
+,	PUNCT
+is	AUX
+head	NOUN
+of	ADP
+Al	PROPN
+Qaeda	PROPN
+'s	PART
+biochemical	ADJ
+program	NOUN
+.	PUNCT
+
+The	DET
+CIA	PROPN
+has	AUX
+known	VERB
+of	ADP
+Zawahiri	PROPN
+'s	PART
+plans	NOUN
+to	PART
+use	VERB
+anthrax	NOUN
+for	ADP
+a	DET
+half	ADJ
+decade	NOUN
+.	PUNCT
+
+The	DET
+confidante	NOUN
+and	CCONJ
+right	ADJ
+-	PUNCT
+hand	NOUN
+man	NOUN
+of	ADP
+Dr.	PROPN
+Ayman	PROPN
+Zawahiri	PROPN
+admitted	VERB
+that	SCONJ
+Zawahiri	PROPN
+succeeded	VERB
+in	SCONJ
+obtaining	VERB
+anthrax	NOUN
+and	CCONJ
+intended	VERB
+to	PART
+use	VERB
+it	PRON
+against	ADP
+US	PROPN
+targets	NOUN
+.	PUNCT
+
+Another	DET
+senior	ADJ
+Al	PROPN
+Qaeda	PROPN
+member	NOUN
+(	PUNCT
+a	DET
+shura	NOUN
+or	CCONJ
+policy	NOUN
+-	PUNCT
+making	VERB
+council	NOUN
+member	NOUN
+no	ADV
+less	ADV
+)	PUNCT
+was	AUX
+working	VERB
+for	ADP
+the	DET
+Egyptian	ADJ
+intelligence	NOUN
+services	NOUN
+and	CCONJ
+he	PRON
+confirmed	VERB
+the	DET
+report	NOUN
+in	ADP
+a	DET
+sworn	VERB
+lengthy	ADJ
+confession	NOUN
+.	PUNCT
+
+Even	ADV
+Zawahiri	PROPN
+'s	PART
+attorney	NOUN
+in	ADP
+1999	NUM
+said	VERB
+that	SCONJ
+Bin	PROPN
+Laden	PROPN
+and	CCONJ
+Zawahiri	PROPN
+were	AUX
+likely	ADJ
+to	PART
+resort	VERB
+to	ADP
+the	DET
+biological	ADJ
+and	CCONJ
+chemical	ADJ
+agents	NOUN
+they	PRON
+possessed	VERB
+given	VERB
+the	DET
+extradition	NOUN
+pressure	NOUN
+senior	ADJ
+Al	PROPN
+Qaeda	PROPN
+leaders	NOUN
+faced	VERB
+.	PUNCT
+
+A	DET
+recently	ADV
+released	VERB
+islamist	NOUN
+who	PRON
+had	AUX
+been	AUX
+a	DET
+close	ADJ
+associate	NOUN
+of	ADP
+Zawahiri	PROPN
+said	VERB
+that	SCONJ
+Zawahiri	PROPN
+spent	VERB
+a	DET
+decade	NOUN
+and	CCONJ
+had	AUX
+made	VERB
+15	NUM
+separate	ADJ
+attempts	NOUN
+to	PART
+recruit	VERB
+the	DET
+necessary	ADJ
+expertise	NOUN
+to	PART
+weaponize	VERB
+anthrax	NOUN
+in	ADP
+Russia	PROPN
+and	CCONJ
+the	DET
+Middle	PROPN
+East	PROPN
+.	PUNCT
+
+The	DET
+US	PROPN
+Army	PROPN
+recipe	NOUN
+was	AUX
+not	PART
+used	VERB
+,	PUNCT
+and	CCONJ
+obtaining	VERB
+the	DET
+unprocessed	ADJ
+Ames	PROPN
+strain	NOUN
+of	ADP
+anthrax	NOUN
+used	VERB
+does	AUX
+not	PART
+warrant	VERB
+the	DET
+weight	NOUN
+given	VERB
+it	PRON
+by	ADP
+some	DET
+press	NOUN
+accounts	NOUN
+.	PUNCT
+
+There	PRON
+was	VERB
+lax	ADJ
+control	NOUN
+over	ADP
+the	DET
+distribution	NOUN
+of	ADP
+the	DET
+Ames	PROPN
+strain	NOUN
+that	PRON
+was	AUX
+used	VERB
+,	PUNCT
+especially	ADV
+in	ADP
+light	NOUN
+of	ADP
+the	DET
+fact	NOUN
+that	SCONJ
+transfers	NOUN
+were	AUX
+not	PART
+even	ADV
+required	VERB
+to	PART
+be	AUX
+recorded	VERB
+prior	ADJ
+to	ADP
+1997	NUM
+.	PUNCT
+
+Significantly	ADV
+,	PUNCT
+the	DET
+individual	ADJ
+who	PRON
+isolated	VERB
+it	PRON
+nearly	ADV
+a	DET
+quarter	ADJ
+century	NOUN
+ago	ADV
+(	PUNCT
+now	ADV
+retired	ADJ
+)	PUNCT
+,	PUNCT
+upon	SCONJ
+being	AUX
+contacted	VERB
+,	PUNCT
+does	AUX
+not	PART
+even	ADV
+report	VERB
+that	SCONJ
+he	PRON
+necessarily	ADV
+sent	VERB
+the	DET
+only	ADJ
+copy	NOUN
+of	ADP
+the	DET
+strain	NOUN
+to	ADP
+Ft.	PROPN
+Detrick	PROPN
+.	PUNCT
+
+Senator	PROPN
+Patrick	PROPN
+Leahy	PROPN
+at	ADP
+a	DET
+Congressional	ADJ
+hearing	NOUN
+in	ADP
+the	DET
+Spring	NOUN
+of	ADP
+2002	NUM
+noted	VERB
+that	SCONJ
+the	DET
+FBI	PROPN
+had	AUX
+collected	VERB
+the	DET
+Ames	PROPN
+strain	NOUN
+from	ADP
+20	NUM
+sources	NOUN
+.	PUNCT
+
+In	ADP
+Fall	NOUN
+2004	NUM
+,	PUNCT
+MSNBC	PROPN
+,	PUNCT
+relying	VERB
+on	ADP
+an	DET
+unnamed	ADJ
+FBI	PROPN
+spokesperson	NOUN
+,	PUNCT
+reports	VERB
+that	SCONJ
+the	DET
+FBI	PROPN
+has	AUX
+narrowed	VERB
+the	DET
+pool	NOUN
+of	ADP
+labs	NOUN
+known	VERB
+to	PART
+have	AUX
+had	VERB
+Ames	PROPN
+that	PRON
+was	AUX
+a	DET
+match	NOUN
+from	ADP
+16	NUM
+to	ADP
+4	NUM
+but	CCONJ
+can	AUX
+not	PART
+rule	VERB
+out	ADP
+that	SCONJ
+it	PRON
+was	AUX
+made	VERB
+overseas	ADV
+.	PUNCT
+
+Al	PROPN
+Qaeda	PROPN
+'s	PART
+anthrax	NOUN
+production	NOUN
+plans	NOUN
+on	ADP
+Khalid	PROPN
+Mohammed	PROPN
+'s	PART
+computer	NOUN
+did	AUX
+not	PART
+evidence	VERB
+knowledge	NOUN
+of	ADP
+advanced	ADJ
+techniques	NOUN
+in	ADP
+the	DET
+most	ADV
+efficient	ADJ
+biological	ADJ
+weapons	NOUN
+.	PUNCT
+
+At	ADV
+least	ADV
+according	VERB
+to	ADP
+the	DET
+public	ADJ
+comments	NOUN
+by	ADP
+bioweaponeer	NOUN
+experts	NOUN
+William	PROPN
+Patrick	PROPN
+and	CCONJ
+Kenneth	PROPN
+Alibek	PROPN
+,	PUNCT
+under	ADP
+the	DET
+optimal	ADJ
+method	NOUN
+,	PUNCT
+there	PRON
+is	VERB
+no	DET
+electrostatic	ADJ
+charge	NOUN
+.	PUNCT
+
+In	ADP
+the	DET
+case	NOUN
+of	ADP
+the	DET
+anthrax	NOUN
+used	VERB
+in	ADP
+the	DET
+mailings	NOUN
+,	PUNCT
+there	PRON
+was	VERB
+an	DET
+electrostatic	ADJ
+charge	NOUN
+.	PUNCT
+
+Although	SCONJ
+there	ADV
+was	VERB
+a	DET
+dominance	NOUN
+of	ADP
+single	ADJ
+spores	NOUN
+and	CCONJ
+a	DET
+trillion	NUM
+spore	NOUN
+concentration	NOUN
+,	PUNCT
+there	PRON
+were	VERB
+clumps	NOUN
+as	ADV
+large	ADJ
+as	ADP
+40	NUM
+-	SYM
+100	NUM
+microns	NOUN
+.	PUNCT
+
+(	PUNCT
+Spores	NOUN
+must	AUX
+be	AUX
+no	ADV
+bigger	ADJ
+than	ADP
+5	NUM
+microns	NOUN
+to	PART
+be	AUX
+inhalable	ADJ
+.	PUNCT
+)	PUNCT
+
+Many	ADJ
+point	VERB
+to	ADP
+the	DET
+trillion	NUM
+spore	NOUN
+concentration	NOUN
+as	ADP
+extraordinary	ADJ
+.	PUNCT
+
+It	PRON
+is	AUX
+far	ADV
+simpler	ADJ
+,	PUNCT
+however	ADV
+,	PUNCT
+to	PART
+achieve	VERB
+a	DET
+trillion	NUM
+spore	NOUN
+concentration	NOUN
+in	ADP
+the	DET
+production	NOUN
+of	ADP
+a	DET
+few	ADJ
+grams	NOUN
+than	ADP
+in	ADP
+industrial	ADJ
+processing	NOUN
+typical	ADJ
+of	ADP
+a	DET
+state	NOUN
+sponsored	VERB
+lab	NOUN
+.	PUNCT
+
+The	DET
+"	PUNCT
+trillion	NUM
+spore	NOUN
+"	PUNCT
+issue	NOUN
+was	AUX
+at	ADP
+the	DET
+heart	NOUN
+of	ADP
+a	DET
+lot	NOUN
+of	ADP
+mistaken	ADJ
+theories	NOUN
+of	ADP
+the	DET
+matter	NOUN
+concluding	VERB
+that	SCONJ
+state	NOUN
+sponsorship	NOUN
+was	AUX
+necessarily	ADV
+indicated	VERB
+.	PUNCT
+
+The	DET
+reported	VERB
+finding	NOUN
+at	ADP
+Dugway	PROPN
+undermines	VERB
+the	DET
+argument	NOUN
+of	ADP
+both	CCONJ
+the	DET
+"	PUNCT
+bomb	VERB
+Iraq	PROPN
+"	PUNCT
+crowd	NOUN
+and	CCONJ
+the	DET
+liberals	NOUN
+focused	ADJ
+on	ADP
+Dr.	PROPN
+Steve	PROPN
+Hatfill	PROPN
+who	PRON
+object	VERB
+to	ADP
+US	PROPN
+biodefense	NOUN
+research	NOUN
+because	SCONJ
+they	PRON
+view	VERB
+it	PRON
+as	SCONJ
+being	AUX
+useful	ADJ
+for	ADP
+offensive	ADJ
+purposes	NOUN
+.	PUNCT
+
+USDA	PROPN
+employee	NOUN
+Johnelle	PROPN
+Bryant	PROPN
+first	ADV
+told	VERB
+us	PRON
+,	PUNCT
+in	ADP
+sensational	ADJ
+detail	NOUN
+,	PUNCT
+of	ADP
+Atta	PROPN
+'s	PART
+inquiries	NOUN
+about	SCONJ
+purchasing	VERB
+and	CCONJ
+retrofitting	VERB
+a	DET
+cropduster	NOUN
+.	PUNCT
+
+Khalid	PROPN
+Mohammed	PROPN
+then	ADV
+told	VERB
+interrogators	NOUN
+that	SCONJ
+Zacarias	PROPN
+Moussaoui	PROPN
+'s	PART
+inquiries	NOUN
+about	ADP
+crop	NOUN
+dusting	NOUN
+may	AUX
+have	AUX
+related	VERB
+to	ADP
+Yazid	PROPN
+Sufaat	PROPN
+'s	PART
+anthrax	NOUN
+manufacturing	NOUN
+plans	NOUN
+.	PUNCT
+
+Although	SCONJ
+the	DET
+details	NOUN
+of	ADP
+the	DET
+documents	NOUN
+on	ADP
+Mohammed	PROPN
+'s	PART
+computer	NOUN
+may	AUX
+(	PUNCT
+or	CCONJ
+may	AUX
+not	PART
+)	PUNCT
+point	VERB
+to	ADP
+possible	ADJ
+difficulties	NOUN
+in	ADP
+aerial	ADJ
+dispersal	NOUN
+,	PUNCT
+they	PRON
+are	AUX
+fully	ADV
+consistent	ADJ
+with	ADP
+the	DET
+product	NOUN
+used	VERB
+in	ADP
+the	DET
+anthrax	NOUN
+mailings	NOUN
+.	PUNCT
+
+Al	PROPN
+Qaeda	PROPN
+had	VERB
+both	CCONJ
+the	DET
+means	NOUN
+and	CCONJ
+opportunity	NOUN
+.	PUNCT
+
+US	PROPN
+-	PUNCT
+trained	VERB
+Malaysian	ADJ
+biochemist	NOUN
+Yazid	PROPN
+Sufaat	PROPN
+met	VERB
+with	ADP
+9/11	NUM
+plotters	NOUN
+and	CCONJ
+two	NUM
+hijackers	NOUN
+in	ADP
+January	PROPN
+2000	NUM
+.	PUNCT
+
+Sufaat	PROPN
+was	AUX
+a	DET
+member	NOUN
+of	ADP
+Al	PROPN
+Qaeda	PROPN
+and	CCONJ
+a	DET
+member	NOUN
+of	ADP
+Jemaah	PROPN
+Islamiah	PROPN
+(	PUNCT
+"	PUNCT
+JI	PROPN
+"	PUNCT
+)	PUNCT
+.	PUNCT
+
+JI	PROPN
+has	VERB
+ties	NOUN
+with	ADP
+the	DET
+Moro	PROPN
+Front	PROPN
+.	PUNCT
+
+Sufaat	PROPN
+used	VERB
+his	PRON
+company	NOUN
+called	VERB
+Green	PROPN
+Laboratory	PROPN
+Medicine	PROPN
+to	PART
+buy	VERB
+items	NOUN
+useful	ADJ
+to	ADP
+Al	PROPN
+Qaeda	PROPN
+.	PUNCT
+
+(	PUNCT
+Green	NOUN
+symbolizes	VERB
+"	PUNCT
+Islam	PROPN
+"	PUNCT
+and	CCONJ
+Prophet	PROPN
+Mohammed	PROPN
+'s	PART
+holy	ADJ
+war	NOUN
+)	PUNCT
+.	PUNCT
+
+Zacarias	PROPN
+Moussaoui	PROPN
+,	PUNCT
+who	PRON
+had	VERB
+a	DET
+crop	NOUN
+dusting	NOUN
+manual	NOUN
+when	ADV
+he	PRON
+was	AUX
+arrested	VERB
+,	PUNCT
+stayed	VERB
+at	ADP
+Sufaat	PROPN
+'s	PART
+condominium	NOUN
+in	ADP
+2000	NUM
+when	ADV
+he	PRON
+was	AUX
+trying	VERB
+to	PART
+arrange	VERB
+for	ADP
+flight	NOUN
+lessons	NOUN
+in	ADP
+Malaysia	PROPN
+.	PUNCT
+
+Yazid	PROPN
+Sufaat	PROPN
+provided	VERB
+Moussaoui	PROPN
+with	ADP
+a	DET
+letter	NOUN
+indicating	VERB
+that	SCONJ
+he	PRON
+was	AUX
+a	DET
+marketing	NOUN
+representative	NOUN
+for	ADP
+Infocus	PROPN
+Technologies	PROPN
+and	CCONJ
+allegedly	ADV
+provided	VERB
+him	PRON
+$	SYM
+35,000	NUM
+.	PUNCT
+
+The	DET
+crop	NOUN
+dusters	NOUN
+were	VERB
+to	PART
+be	AUX
+part	NOUN
+of	ADP
+a	DET
+"	PUNCT
+second	ADJ
+wave	NOUN
+.	PUNCT
+"	PUNCT
+
+After	ADP
+9/11	NUM
+,	PUNCT
+Yazid	PROPN
+Sufaat	PROPN
+traveled	VERB
+to	ADP
+Afghanistan	PROPN
+and	CCONJ
+Pakistan	PROPN
+to	PART
+work	VERB
+for	ADP
+the	DET
+Taliban	PROPN
+Medical	PROPN
+Brigade	PROPN
+and	CCONJ
+to	PART
+continue	VERB
+his	PRON
+work	NOUN
+with	ADP
+anthrax	NOUN
+.	PUNCT
+
+As	SCONJ
+described	VERB
+in	ADP
+US	PROPN
+News	PROPN
+,	PUNCT
+a	DET
+former	ADJ
+reporter	NOUN
+from	ADP
+the	DET
+Kabul	PROPN
+Times	PROPN
+actually	ADV
+may	AUX
+have	AUX
+met	VERB
+Sufaat	PROPN
+,	PUNCT
+without	SCONJ
+realizing	VERB
+it	PRON
+,	PUNCT
+while	SCONJ
+traveling	VERB
+near	ADP
+Kabul	PROPN
+in	ADP
+October	PROPN
+2001	NUM
+,	PUNCT
+perceiving	VERB
+him	PRON
+as	ADP
+Filipino	ADJ
+.	PUNCT
+
+The	DET
+fellow	NOUN
+was	AUX
+carrying	VERB
+papers	NOUN
+from	ADP
+Zawahiri	PROPN
+and	CCONJ
+bragging	VERB
+about	ADP
+his	PRON
+ability	NOUN
+to	PART
+manipulate	VERB
+anthrax	NOUN
+.	PUNCT
+
+Sufaat	PROPN
+was	AUX
+arrested	VERB
+in	ADP
+December	PROPN
+2001	NUM
+upon	ADP
+his	PRON
+return	NOUN
+to	ADP
+Malaysia	PROPN
+.	PUNCT
+
+Newsweek	PROPN
+reported	VERB
+that	SCONJ
+a	DET
+"	PUNCT
+second	ADJ
+wave	NOUN
+"	PUNCT
+involving	VERB
+biological	ADJ
+attacks	NOUN
+had	AUX
+been	AUX
+thwarted	VERB
+upon	ADP
+the	DET
+arrest	NOUN
+of	ADP
+Al	PROPN
+Qaeda	PROPN
+members	NOUN
+who	PRON
+had	AUX
+been	AUX
+intended	VERB
+to	PART
+provide	VERB
+logistical	ADJ
+support	NOUN
+.	PUNCT
+
+Various	ADJ
+doctors	NOUN
+,	PUNCT
+both	CCONJ
+foreign	ADJ
+and	CCONJ
+American	ADJ
+,	PUNCT
+are	AUX
+associated	VERB
+with	ADP
+Al	PROPN
+Qaeda	PROPN
+leaders	NOUN
+or	CCONJ
+operatives	NOUN
+,	PUNCT
+to	PART
+include	VERB
+the	DET
+doctors	NOUN
+Abdul	PROPN
+Qadoos	PROPN
+Khan	PROPN
+,	PUNCT
+a	DET
+bacteriologist	NOUN
+from	ADP
+Rawalpindi	PROPN
+and	CCONJ
+Aafia	PROPN
+Siddiqui	PROPN
+,	PUNCT
+PhD	NOUN
+,	PUNCT
+from	ADP
+Karachi	PROPN
+.	PUNCT
+
+Microbiologist	NOUN
+Abdul	PROPN
+Qadoos	PROPN
+Khan	PROPN
+was	AUX
+charged	VERB
+along	ADP
+with	ADP
+his	PRON
+son	NOUN
+,	PUNCT
+Ahmed	PROPN
+,	PUNCT
+for	SCONJ
+harboring	VERB
+the	DET
+fugitives	NOUN
+.	PUNCT
+
+As	ADP
+of	ADP
+March	PROPN
+28	NUM
+,	PUNCT
+2003	NUM
+,	PUNCT
+he	PRON
+was	AUX
+in	ADP
+a	DET
+hospital	NOUN
+for	ADP
+a	DET
+cardiac	ADJ
+problem	NOUN
+and	CCONJ
+had	AUX
+been	AUX
+granted	VERB
+"	PUNCT
+pre-arrest	ADJ
+bail	NOUN
+.	PUNCT
+"	PUNCT
+
+Yet	CCONJ
+all	DET
+you	PRON
+read	VERB
+about	ADP
+at	ADP
+the	DET
+time	NOUN
+was	AUX
+the	DET
+arrest	NOUN
+of	ADP
+the	DET
+son	NOUN
+Ahmed	PROPN
+Abdul	PROPN
+Qadoos	PROPN
+,	PUNCT
+who	PRON
+receives	VERB
+a	DET
+stipend	NOUN
+from	ADP
+the	DET
+UN	PROPN
+for	SCONJ
+being	AUX
+officially	ADV
+low	ADJ
+-	PUNCT
+IQ	NOUN
+due	ADP
+to	ADP
+lead	NOUN
+poisoning	NOUN
+.	PUNCT
+
+It	PRON
+was	AUX
+Khalid	PROPN
+Mohammed	PROPN
+who	PRON
+told	VERB
+authorities	NOUN
+about	ADP
+Aafia	PROPN
+Siddiqui	PROPN
+,	PUNCT
+who	PRON
+has	VERB
+a	DET
+PhD	NOUN
+from	ADP
+Brandeis	PROPN
+in	ADP
+neurology	NOUN
+.	PUNCT
+
+The	DET
+Pakistani	ADJ
+press	NOUN
+reported	VERB
+that	SCONJ
+she	PRON
+was	AUX
+nabbed	VERB
+in	ADP
+Karachi	PROPN
+after	SCONJ
+being	AUX
+spotted	VERB
+at	ADP
+the	DET
+airport	NOUN
+in	ADP
+late	ADJ
+March	PROPN
+or	CCONJ
+early	ADJ
+April	PROPN
+2003	NUM
+.	PUNCT
+
+If	SCONJ
+mistaken	ADJ
+,	PUNCT
+how	ADV
+did	AUX
+those	DET
+reports	NOUN
+first	ADV
+come	VERB
+about	ADP
+?	PUNCT
+
+Understandably	ADV
+,	PUNCT
+Amerithrax	PROPN
+is	AUX
+a	DET
+confidential	ADJ
+investigation	NOUN
+.	PUNCT
+
+The	DET
+Pakistan	PROPN
+ISI	PROPN
+and	CCONJ
+CIA	PROPN
+rarely	ADV
+grant	VERB
+press	NOUN
+interviews	NOUN
+in	ADP
+connection	NOUN
+with	ADP
+an	DET
+ongoing	ADJ
+manhunt	NOUN
+.	PUNCT
+
+The	DET
+CIA	PROPN
+did	AUX
+not	PART
+even	ADV
+allow	VERB
+the	DET
+FBI	PROPN
+access	NOUN
+to	ADP
+KSM	PROPN
+for	ADP
+10	NUM
+days	NOUN
+after	ADP
+his	PRON
+arrest	NOUN
+.	PUNCT
+
+As	SCONJ
+agent	NOUN
+Van	PROPN
+Harp	PROPN
+,	PUNCT
+then	ADV
+head	NOUN
+of	ADP
+the	DET
+Amerithrax	PROPN
+investigation	NOUN
+said	VERB
+,	PUNCT
+the	DET
+information	NOUN
+coming	VERB
+from	ADP
+Khalid	PROPN
+Mohammed	PROPN
+is	AUX
+classified	ADJ
+with	SCONJ
+the	DET
+authorities	NOUN
+releasing	VERB
+only	ADV
+certain	ADJ
+limited	ADJ
+information	NOUN
+.	PUNCT
+
+While	SCONJ
+it	PRON
+'s	AUX
+not	PART
+easy	ADJ
+to	PART
+separate	VERB
+fact	NOUN
+from	ADP
+fiction	NOUN
+,	PUNCT
+Attorney	PROPN
+General	PROPN
+Ashcroft	PROPN
+and	CCONJ
+Director	PROPN
+Mueller	PROPN
+have	AUX
+publicly	ADV
+confirmed	VERB
+Aafia	PROPN
+is	AUX
+still	ADV
+being	AUX
+sought	VERB
+.	PUNCT
+
+They	PRON
+would	AUX
+know	VERB
+.	PUNCT
+
+Her	PRON
+mother	NOUN
+Ismat	PROPN
+last	ADV
+saw	VERB
+Aafia	PROPN
+and	CCONJ
+her	PRON
+grandchildren	NOUN
+before	SCONJ
+they	PRON
+left	VERB
+in	ADP
+a	DET
+minicab	NOUN
+at	ADP
+the	DET
+end	NOUN
+of	ADP
+March	PROPN
+.	PUNCT
+
+Aafia	PROPN
+was	VERB
+on	ADP
+her	PRON
+way	NOUN
+with	ADP
+her	PRON
+children	NOUN
+to	PART
+visit	VERB
+and	DET
+uncle	NOUN
+and	CCONJ
+a	DET
+friend	NOUN
+in	ADP
+Islamabad	PROPN
+.	PUNCT
+
+According	VERB
+to	ADP
+the	DET
+Pakistan	PROPN
+reports	NOUN
+,	PUNCT
+Aafia	PROPN
+Siddiqui	PROPN
+was	AUX
+detained	VERB
+after	SCONJ
+being	AUX
+spotted	VERB
+at	ADP
+Karachi	PROPN
+International	PROPN
+airport	PROPN
+(	PUNCT
+after	SCONJ
+she	PRON
+was	AUX
+followed	VERB
+to	ADP
+a	DET
+relative	NOUN
+'s	PART
+house	NOUN
+)	PUNCT
+.	PUNCT
+
+(	PUNCT
+Karachi	PROPN
+is	AUX
+in	ADP
+the	DET
+south	NOUN
+)	PUNCT
+.	PUNCT
+
+The	DET
+reports	NOUN
+say	VERB
+she	PRON
+is	AUX
+suspected	VERB
+of	SCONJ
+having	AUX
+been	AUX
+a	DET
+member	NOUN
+of	ADP
+Al	PROPN
+Qaeda	PROPN
+'s	PART
+"	PUNCT
+Chemical	PROPN
+Wire	PROPN
+Group	PROPN
+.	PUNCT
+"	PUNCT
+
+The	DET
+family	NOUN
+'s	PART
+lawyer	NOUN
+advises	VERB
+me	PRON
+that	SCONJ
+Aafia	PROPN
+did	AUX
+not	PART
+have	VERB
+enough	ADJ
+money	NOUN
+to	PART
+pay	VERB
+for	ADP
+airfare	NOUN
+tickets	NOUN
+for	ADP
+herself	PRON
+and	CCONJ
+the	DET
+kids	NOUN
+and	CCONJ
+called	VERB
+Ismat	PROPN
+from	ADP
+the	DET
+train	NOUN
+station	NOUN
+.	PUNCT
+
+That	PRON
+was	AUX
+the	DET
+last	ADJ
+Ismat	PROPN
+heard	VERB
+from	ADP
+her	PRON
+.	PUNCT
+
+Aafia	PROPN
+never	ADV
+reached	VERB
+the	DET
+uncle	NOUN
+'s	PART
+house	NOUN
+.	PUNCT
+
+Perhaps	ADV
+something	PRON
+got	VERB
+lost	ADJ
+in	ADP
+the	DET
+translation	NOUN
+,	PUNCT
+but	CCONJ
+the	DET
+phrase	NOUN
+"	PUNCT
+Chemical	PROPN
+Wire	PROPN
+Group	PROPN
+"	PUNCT
+has	AUX
+appeared	VERB
+in	ADP
+all	DET
+the	DET
+english	PROPN
+Pakistan	PROPN
+and	CCONJ
+India	PROPN
+papers	NOUN
+.	PUNCT
+
+The	DET
+family	NOUN
+'s	PART
+attorney	NOUN
+advises	VERB
+me	PRON
+that	SCONJ
+Aafia	PROPN
+had	VERB
+no	DET
+knowledge	NOUN
+of	ADP
+chemicals	NOUN
+(	PUNCT
+and	CCONJ
+that	PRON
+would	AUX
+not	PART
+appear	VERB
+to	PART
+be	AUX
+her	PRON
+training	NOUN
+)	PUNCT
+.	PUNCT
+
+There	PRON
+still	ADV
+is	VERB
+a	DET
+very	ADV
+hot	ADJ
+pursuit	NOUN
+of	ADP
+the	DET
+"	PUNCT
+Atta	PROPN
+-	PUNCT
+level	NOUN
+"	PUNCT
+Floridian	PROPN
+,	PUNCT
+Adnan	PROPN
+El	PROPN
+Shukrijumah	PROPN
+,	PUNCT
+who	PRON
+Siddiqui	PROPN
+is	AUX
+thought	VERB
+to	PART
+have	AUX
+known	VERB
+and	CCONJ
+been	AUX
+assisting	VERB
+.	PUNCT
+
+His	PRON
+nickname	NOUN
+is	AUX
+"	PUNCT
+Jafar	PROPN
+the	DET
+Pilot	PROPN
+.	PUNCT
+"	PUNCT
+
+A	DET
+senior	ADJ
+DOJ	PROPN
+official	NOUN
+reports	VERB
+that	SCONJ
+Adnan	PROPN
+has	VERB
+experience	NOUN
+as	ADP
+a	DET
+commercial	ADJ
+pilot	NOUN
+.	PUNCT
+
+He	PRON
+is	AUX
+said	VERB
+by	ADP
+one	NUM
+FBI	PROPN
+agent	NOUN
+to	PART
+be	AUX
+"	PUNCT
+very	ADV
+,	PUNCT
+very	ADV
+,	PUNCT
+very	ADV
+"	PUNCT
+dangerous	ADJ
+.	PUNCT
+
+He	PRON
+allegedly	ADV
+was	AUX
+at	ADP
+one	NUM
+or	CCONJ
+more	ADJ
+meetings	NOUN
+in	ADP
+the	DET
+Summer	NOUN
+of	ADP
+2001	NUM
+in	ADP
+Pakistan	PROPN
+at	ADP
+which	PRON
+KSM	PROPN
+and	CCONJ
+Sufaat	PROPN
+were	AUX
+present	ADJ
+.	PUNCT
+
+He	PRON
+may	AUX
+have	AUX
+been	AUX
+seen	VERB
+in	ADP
+Hamilton	PROPN
+,	PUNCT
+Canada	PROPN
+--	PUNCT
+along	ADP
+with	ADP
+Egyptian	PROPN
+al	PROPN
+-	PUNCT
+Maati	PROPN
+,	PUNCT
+who	PRON
+apparently	ADV
+also	ADV
+has	AUX
+received	VERB
+pilot	NOUN
+training	NOUN
+.	PUNCT
+
+The	DET
+United	PROPN
+States	PROPN
+truly	ADV
+no	ADV
+longer	ADV
+has	VERB
+time	NOUN
+for	ADP
+faulty	ADJ
+analysis	NOUN
+or	CCONJ
+politically	ADV
+-	PUNCT
+based	VERB
+preconceptions	NOUN
+.	PUNCT
+
+In	ADP
+early	ADJ
+June	PROPN
+2003	NUM
+,	PUNCT
+a	DET
+CIA	PROPN
+report	NOUN
+concluded	VERB
+that	SCONJ
+the	DET
+reason	NOUN
+for	ADP
+Atta	PROPN
+'s	PART
+and	CCONJ
+Zacarias	PROPN
+Moussaoui	PROPN
+'s	PART
+inquiries	NOUN
+into	ADP
+cropdusters	NOUN
+was	AUX
+in	ADP
+fact	NOUN
+for	ADP
+the	DET
+contemplated	VERB
+use	NOUN
+in	SCONJ
+dispersing	VERB
+biological	ADJ
+agents	NOUN
+such	ADJ
+as	ADP
+anthrax	NOUN
+.	PUNCT
+
+It	PRON
+has	AUX
+long	ADV
+been	AUX
+known	VERB
+Osama	PROPN
+Bin	PROPN
+Laden	PROPN
+was	AUX
+interested	ADJ
+in	SCONJ
+using	VERB
+cropdusters	NOUN
+to	PART
+disperse	VERB
+biological	ADJ
+agents	NOUN
+(	PUNCT
+since	ADP
+the	DET
+testimony	NOUN
+of	ADP
+millennium	NOUN
+bomber	NOUN
+Ahmed	PROPN
+Ressam	PROPN
+)	PUNCT
+.	PUNCT
+
+The	DET
+hijacker	NOUN
+Ahmed	PROPN
+Alhaznawi	PROPN
+appears	VERB
+to	PART
+have	AUX
+contracted	VERB
+cutaneous	ADJ
+anthrax	NOUN
+in	ADP
+Afghanistan	PROPN
+.	PUNCT
+
+It	PRON
+is	AUX
+reasonable	ADJ
+to	PART
+credit	VERB
+his	PRON
+statement	NOUN
+that	SCONJ
+he	PRON
+got	VERB
+the	DET
+lesion	NOUN
+after	SCONJ
+bumping	VERB
+into	ADP
+a	DET
+suitcase	NOUN
+he	PRON
+was	AUX
+carrying	VERB
+at	ADP
+a	DET
+camp	NOUN
+in	ADP
+Afghanistan	PROPN
+.	PUNCT
+
+The	DET
+lesion	NOUN
+is	AUX
+further	ADJ
+evidence	NOUN
+of	ADP
+Al	PROPN
+Qaeda	PROPN
+'s	PART
+anthrax	NOUN
+production	NOUN
+program	NOUN
+at	ADP
+Kandahar	PROPN
+.	PUNCT
+
+The	DET
+present	ADJ
+evidence	NOUN
+relating	VERB
+to	ADP
+Atta	PROPN
+'s	PART
+alleged	ADJ
+travel	NOUN
+to	ADP
+Prague	PROPN
+does	AUX
+not	PART
+warrant	VERB
+a	DET
+conclusion	NOUN
+that	SCONJ
+Al	PROPN
+Qaeda	PROPN
+obtained	VERB
+the	DET
+Ames	PROPN
+strain	NOUN
+from	ADP
+Iraq	PROPN
+.	PUNCT
+
+Iraq	PROPN
+,	PUNCT
+however	ADV
+,	PUNCT
+remains	VERB
+a	DET
+possible	ADJ
+source	NOUN
+of	ADP
+the	DET
+Ames	PROPN
+.	PUNCT
+
+Former	ADJ
+Russian	ADJ
+bioweaponeer	NOUN
+Ken	PROPN
+Alibek	PROPN
+has	AUX
+said	VERB
+that	SCONJ
+a	DET
+key	ADJ
+Russian	ADJ
+scientist	NOUN
+assisted	VERB
+Iraq	PROPN
+and	CCONJ
+that	SCONJ
+Russia	PROPN
+had	VERB
+the	DET
+Ames	PROPN
+strain	NOUN
+.	PUNCT
+
+(	PUNCT
+His	PRON
+conclusion	NOUN
+may	AUX
+have	AUX
+been	AUX
+based	VERB
+on	ADP
+the	DET
+fake	ADJ
+mobile	ADJ
+biolab	NOUN
+plans	NOUN
+foisted	VERB
+upon	ADP
+the	DET
+US	PROPN
+by	ADP
+the	DET
+Chalabi	PROPN
+associate	NOUN
+"	PUNCT
+Curveball	PROPN
+"	PUNCT
+,	PUNCT
+which	PRON
+Alibek	PROPN
+divined	VERB
+to	PART
+be	AUX
+identical	ADJ
+to	ADP
+Russian	ADJ
+mobile	ADJ
+lab	NOUN
+design	NOUN
+)	PUNCT
+.	PUNCT
+
+Zawahiri	PROPN
+did	AUX
+travel	VERB
+to	ADP
+Baghdad	PROPN
+in	ADP
+1998	NUM
+with	ADP
+an	DET
+entourage	NOUN
+to	PART
+attend	VERB
+the	DET
+birthday	NOUN
+party	NOUN
+of	ADP
+Saddam	PROPN
+'s	PART
+son	NOUN
+.	PUNCT
+
+The	DET
+papers	NOUN
+found	VERB
+at	ADP
+headquarters	NOUN
+of	ADP
+the	DET
+Mukhabarat	PROPN
+,	PUNCT
+Iraq	PROPN
+'s	PART
+secret	ADJ
+police	NOUN
+,	PUNCT
+show	VERB
+that	SCONJ
+an	DET
+entourage	NOUN
+from	ADP
+Al	PROPN
+Qaeda	PROPN
+group	NOUN
+was	AUX
+sent	VERB
+to	ADP
+the	DET
+Iraqi	ADJ
+capital	NOUN
+in	ADP
+March	PROPN
+1998	NUM
+from	ADP
+Sudan	PROPN
+.	PUNCT
+
+According	VERB
+to	ADP
+at	ADV
+least	ADV
+some	DET
+reports	NOUN
+,	PUNCT
+Bin	PROPN
+Laden	PROPN
+rejected	VERB
+the	DET
+suggestion	NOUN
+of	ADP
+a	DET
+closer	ADJ
+alliance	NOUN
+--	PUNCT
+preferring	VERB
+to	PART
+pursue	VERB
+his	PRON
+own	ADJ
+concept	NOUN
+of	ADP
+jihad	NOUN
+.	PUNCT
+
+Two	NUM
+top	ADJ
+Iraqi	ADJ
+scientists	NOUN
+,	PUNCT
+code	NOUN
+named	VERB
+Charlie	PROPN
+and	CCONJ
+Alpha	PROPN
+,	PUNCT
+are	AUX
+helping	VERB
+the	DET
+coalition	NOUN
+to	PART
+learn	VERB
+more	ADJ
+about	ADP
+Iraqi	PROPN
+'s	PART
+anthrax	NOUN
+program	NOUN
+,	PUNCT
+according	VERB
+to	ADP
+Dr.	PROPN
+David	PROPN
+Kay	PROPN
+,	PUNCT
+head	NOUN
+of	ADP
+the	DET
+Iraq	PROPN
+survey	NOUN
+group	NOUN
+in	ADP
+charge	NOUN
+of	ADP
+the	DET
+hunt	NOUN
+for	ADP
+WMD	PROPN
+.	PUNCT
+
+He	PRON
+has	AUX
+said	VERB
+that	SCONJ
+the	DET
+Iraqis	PROPN
+made	VERB
+surprising	ADJ
+innovations	NOUN
+in	ADP
+the	DET
+milling	NOUN
+and	CCONJ
+drying	NOUN
+processes	NOUN
+needed	VERB
+to	PART
+weaponize	VERB
+anthrax	NOUN
+.	PUNCT
+
+The	DET
+media	NOUN
+coverage	NOUN
+has	AUX
+been	AUX
+seriously	ADV
+confused	ADJ
+on	ADP
+the	DET
+issue	NOUN
+of	ADP
+motive	NOUN
+and	CCONJ
+the	DET
+reason	NOUN
+Senators	PROPN
+Daschle	PROPN
+and	CCONJ
+Leahy	PROPN
+would	AUX
+have	AUX
+been	AUX
+targeted	VERB
+--	PUNCT
+tending	VERB
+to	PART
+simplistically	ADV
+view	VERB
+them	PRON
+as	ADP
+"	PUNCT
+liberals	NOUN
+.	PUNCT
+"	PUNCT
+
+Zawahiri	PROPN
+likely	ADV
+targeted	VERB
+Senators	PROPN
+Daschle	PROPN
+and	CCONJ
+Leahy	PROPN
+to	PART
+receive	VERB
+anthrax	NOUN
+letters	NOUN
+,	PUNCT
+in	ADP
+addition	NOUN
+to	ADP
+various	ADJ
+media	NOUN
+outlets	NOUN
+,	PUNCT
+because	ADP
+of	ADP
+the	DET
+appropriations	NOUN
+made	VERB
+pursuant	ADV
+to	ADP
+the	DET
+"	PUNCT
+Leahy	PROPN
+Law	PROPN
+"	PUNCT
+to	ADP
+military	ADJ
+and	CCONJ
+security	NOUN
+forces	NOUN
+.	PUNCT
+
+That	DET
+money	NOUN
+has	AUX
+prevented	VERB
+the	DET
+militant	ADJ
+islamists	NOUN
+from	SCONJ
+achieving	VERB
+their	PRON
+goals	NOUN
+.	PUNCT
+
+Al	PROPN
+Qaeda	PROPN
+members	NOUN
+and	CCONJ
+sympathizers	NOUN
+feel	VERB
+that	SCONJ
+the	DET
+FBI	PROPN
+'s	PART
+involvement	NOUN
+in	ADP
+countries	NOUN
+like	ADP
+Egypt	PROPN
+,	PUNCT
+Saudi	PROPN
+Arabia	PROPN
+,	PUNCT
+Pakistan	PROPN
+,	PUNCT
+Indonesia	PROPN
+,	PUNCT
+and	CCONJ
+the	DET
+Philippines	PROPN
+interferes	VERB
+with	ADP
+the	DET
+sovereignty	NOUN
+of	ADP
+those	DET
+countries	NOUN
+.	PUNCT
+
+According	VERB
+to	ADP
+a	DET
+post	NOUN
+she	PRON
+made	VERB
+on	ADP
+the	DET
+internet	NOUN
+,	PUNCT
+Aafia	PROPN
+Siddiqui	PROPN
+expressed	VERB
+the	DET
+same	ADJ
+sentiment	NOUN
+in	ADP
+connection	NOUN
+with	ADP
+US	PROPN
+appropriations	NOUN
+sought	VERB
+in	ADP
+exchange	NOUN
+for	ADP
+the	DET
+extradition	NOUN
+of	ADP
+WTC	PROPN
+1993	NUM
+plotter	NOUN
+Ramzi	PROPN
+Yousef	PROPN
+from	ADP
+Pakistan	PROPN
+.	PUNCT
+
+Senator	PROPN
+Leahy	PROPN
+was	AUX
+Chairman	NOUN
+of	ADP
+both	CCONJ
+the	DET
+Judiciary	PROPN
+Committee	PROPN
+overseeing	VERB
+the	DET
+FBI	PROPN
+and	CCONJ
+Appropriations	PROPN
+Subcommittee	PROPN
+in	ADP
+charge	NOUN
+of	ADP
+foreign	ADJ
+aid	NOUN
+to	ADP
+these	DET
+countries	NOUN
+.	PUNCT
+
+In	ADP
+late	ADJ
+September	PROPN
+2001	NUM
+,	PUNCT
+it	PRON
+was	AUX
+announced	VERB
+that	SCONJ
+the	DET
+President	PROPN
+was	AUX
+seeking	VERB
+a	DET
+blanket	NOUN
+waiver	NOUN
+that	PRON
+would	AUX
+lift	VERB
+all	DET
+restrictions	NOUN
+on	ADP
+aid	NOUN
+to	ADP
+military	ADJ
+and	CCONJ
+security	NOUN
+units	NOUN
+in	ADP
+connection	NOUN
+with	SCONJ
+pursuing	VERB
+the	DET
+militant	ADJ
+islamists	NOUN
+.	PUNCT
+
+This	DET
+extradition	NOUN
+and	CCONJ
+imprisonment	NOUN
+of	ADP
+Al	PROPN
+Qaeda	PROPN
+leaders	NOUN
+,	PUNCT
+along	ADP
+with	ADP
+US	PROPN
+support	NOUN
+for	ADP
+Israel	PROPN
+and	CCONJ
+the	DET
+Mubarak	PROPN
+government	NOUN
+in	ADP
+Egypt	PROPN
+,	PUNCT
+remains	VERB
+foremost	ADJ
+in	ADP
+the	DET
+mind	NOUN
+of	ADP
+Dr.	PROPN
+Zawahiri	PROPN
+.	PUNCT
+
+At	ADP
+the	DET
+height	NOUN
+of	ADP
+the	DET
+development	NOUN
+of	ADP
+his	PRON
+biological	ADJ
+weapons	NOUN
+program	NOUN
+,	PUNCT
+his	PRON
+brother	NOUN
+was	AUX
+extradited	VERB
+pursuant	ADV
+to	ADP
+a	DET
+death	NOUN
+sentence	NOUN
+in	ADP
+the	DET
+"	PUNCT
+Albanian	ADJ
+returnees	NOUN
+"	PUNCT
+case	NOUN
+(	PUNCT
+now	ADV
+he	PRON
+faces	VERB
+retrial	NOUN
+)	PUNCT
+.	PUNCT
+
+It	PRON
+'s	AUX
+hard	ADJ
+to	PART
+keep	VERB
+up	ADP
+with	ADP
+the	DET
+stories	NOUN
+about	ADP
+billion	NUM
+dollar	NOUN
+appropriations	NOUN
+,	PUNCT
+debt	NOUN
+forgiveness	NOUN
+,	PUNCT
+and	CCONJ
+loan	NOUN
+guarantees	NOUN
+to	ADP
+countries	NOUN
+like	ADP
+Egypt	PROPN
+and	CCONJ
+Israel	PROPN
+and	CCONJ
+now	ADV
+even	ADV
+Pakistan	PROPN
+.	PUNCT
+
+Those	DET
+appropriations	NOUN
+pale	VERB
+in	ADP
+comparison	NOUN
+to	ADP
+the	DET
+many	ADJ
+tens	NOUN
+of	ADP
+billions	NOUN
+in	ADP
+appropriations	NOUN
+relating	VERB
+to	ADP
+the	DET
+invasion	NOUN
+of	ADP
+Iraq	PROPN
+.	PUNCT
+
+Al	PROPN
+Qaeda	PROPN
+had	VERB
+a	DET
+motive	NOUN
+in	ADP
+mind	NOUN
+.	PUNCT
+
+In	ADP
+his	PRON
+Fall	NOUN
+2001	NUM
+book	NOUN
+titled	VERB
+Knights	PROPN
+under	ADP
+the	DET
+Banner	PROPN
+of	ADP
+the	DET
+Prophet	PROPN
+,	PUNCT
+Zawahiri	PROPN
+argued	VERB
+that	SCONJ
+the	DET
+secular	ADJ
+press	NOUN
+was	AUX
+telling	VERB
+"	PUNCT
+lies	NOUN
+"	PUNCT
+about	ADP
+the	DET
+militant	ADJ
+islamists	NOUN
+--	PUNCT
+to	PART
+include	VERB
+the	DET
+suggestion	NOUN
+that	SCONJ
+the	DET
+militant	ADJ
+islamists	NOUN
+were	AUX
+somehow	ADV
+the	DET
+creation	NOUN
+of	ADP
+the	DET
+United	PROPN
+States	PROPN
+in	ADP
+connection	NOUN
+with	SCONJ
+expelling	VERB
+the	DET
+Russians	PROPN
+from	ADP
+Afghanistan	PROPN
+.	PUNCT
+
+Zawahiri	PROPN
+argued	VERB
+instead	ADV
+that	SCONJ
+they	PRON
+have	AUX
+been	AUX
+active	ADJ
+since	ADP
+the	DET
+assassination	NOUN
+of	ADP
+Anwar	PROPN
+Sadat	PROPN
+in	ADP
+Egypt	PROPN
+because	ADP
+of	ADP
+the	DET
+Camp	PROPN
+David	PROPN
+Accord	PROPN
+and	CCONJ
+the	DET
+resulting	VERB
+peace	NOUN
+treaty	NOUN
+between	ADP
+Egypt	PROPN
+and	CCONJ
+Israel	PROPN
+.	PUNCT
+
+The	DET
+anthrax	NOUN
+letters	NOUN
+were	AUX
+sent	VERB
+on	ADP
+the	DET
+date	NOUN
+of	ADP
+the	DET
+Camp	PROPN
+David	PROPN
+Accord	PROPN
+and	CCONJ
+then	ADV
+the	DET
+date	NOUN
+Anwar	PROPN
+Sadat	PROPN
+was	AUX
+assassinated	VERB
+as	SCONJ
+if	SCONJ
+to	PART
+underscore	VERB
+the	DET
+point	NOUN
+to	ADP
+anyone	PRON
+paying	VERB
+attention	NOUN
+.	PUNCT
+
+Most	ADJ
+of	ADP
+the	DET
+"	PUNCT
+talking	VERB
+heads	NOUN
+"	PUNCT
+on	ADP
+television	NOUN
+,	PUNCT
+however	ADV
+,	PUNCT
+knew	VERB
+only	ADV
+that	SCONJ
+Daschle	PROPN
+and	CCONJ
+Leahy	PROPN
+were	AUX
+liberal	ADJ
+democrats	NOUN
+and	CCONJ
+did	AUX
+not	PART
+know	VERB
+anything	PRON
+of	ADP
+Al	PROPN
+Qaeda	PROPN
+beyond	SCONJ
+what	PRON
+they	PRON
+read	VERB
+in	ADP
+the	DET
+US	PROPN
+newspapers	NOUN
+.	PUNCT
+
+The	DET
+FBI	PROPN
+'s	PART
+profile	NOUN
+includes	VERB
+a	DET
+US	PROPN
+-	PUNCT
+based	VERB
+supporter	NOUN
+of	ADP
+the	DET
+militant	ADJ
+islamists	NOUN
+.	PUNCT
+
+Attorney	PROPN
+General	PROPN
+Ashcroft	PROPN
+explained	VERB
+that	SCONJ
+an	DET
+"	PUNCT
+either	CCONJ
+-	PUNCT
+or	CCONJ
+"	PUNCT
+approach	NOUN
+is	AUX
+not	PART
+useful	ADJ
+.	PUNCT
+
+The	DET
+media	NOUN
+has	AUX
+tended	VERB
+to	PART
+overlook	VERB
+the	DET
+fact	NOUN
+that	SCONJ
+when	ADV
+the	DET
+FBI	PROPN
+uses	VERB
+the	DET
+word	NOUN
+"	PUNCT
+domestic	NOUN
+"	PUNCT
+the	DET
+word	NOUN
+includes	VERB
+a	DET
+US	PROPN
+-	PUNCT
+based	VERB
+,	PUNCT
+highly	ADV
+-	PUNCT
+educated	ADJ
+supporter	NOUN
+of	ADP
+the	DET
+militant	ADJ
+islamists	NOUN
+.	PUNCT
+
+There	PRON
+is	VERB
+an	DET
+emerging	VERB
+consensus	NOUN
+that	SCONJ
+anthrax	NOUN
+was	AUX
+contained	VERB
+in	ADP
+a	DET
+letter	NOUN
+to	ADP
+AMI	PROPN
+,	PUNCT
+the	DET
+publisher	NOUN
+of	ADP
+the	DET
+National	PROPN
+Enquirer	PROPN
+--	PUNCT
+in	ADP
+a	DET
+goofy	ADJ
+love	NOUN
+letter	NOUN
+to	ADP
+Jennifer	PROPN
+Lopez	PROPN
+enclosing	VERB
+a	DET
+Star	PROPN
+of	ADP
+David	PROPN
+and	CCONJ
+proposing	VERB
+marriage	NOUN
+.	PUNCT
+
+A	DET
+report	NOUN
+by	ADP
+the	DET
+Center	PROPN
+for	ADP
+Disease	PROPN
+Control	PROPN
+of	ADP
+interviews	NOUN
+with	ADP
+AMI	PROPN
+employees	NOUN
+(	PUNCT
+as	ADV
+well	ADV
+as	ADP
+detailed	ADJ
+interviews	NOUN
+by	ADP
+author	NOUN
+Leonard	PROPN
+Cole	PROPN
+)	PUNCT
+supports	VERB
+the	DET
+conclusion	NOUN
+that	SCONJ
+there	PRON
+were	VERB
+not	ADV
+one	NUM
+,	PUNCT
+but	CCONJ
+two	NUM
+,	PUNCT
+such	ADJ
+mailings	NOUN
+containing	VERB
+anthrax	NOUN
+.	PUNCT
+
+(	PUNCT
+The	DET
+letters	NOUN
+were	AUX
+to	ADP
+different	ADJ
+AMI	PROPN
+publications	NOUN
+--	PUNCT
+one	NUM
+to	ADP
+the	DET
+National	PROPN
+Enquirer	PROPN
+and	CCONJ
+another	DET
+to	ADP
+The	DET
+Sun	PROPN
+)	PUNCT
+.	PUNCT
+
+(	PUNCT
+News	NOUN
+assistant	NOUN
+Bobby	PROPN
+Bender	PROPN
+recalls	VERB
+the	DET
+letter	NOUN
+containing	VERB
+the	DET
+items	NOUN
+to	PART
+have	AUX
+been	AUX
+addressed	VERB
+to	ADP
+The	DET
+Sun	PROPN
+.	PUNCT
+)	PUNCT
+
+This	DET
+tactic	NOUN
+of	ADP
+letters	NOUN
+is	AUX
+not	PART
+merely	ADV
+the	DET
+modus	NOUN
+operandi	NOUN
+of	ADP
+these	DET
+militant	ADJ
+islamists	NOUN
+inspired	VERB
+by	ADP
+Zawahiri	PROPN
+,	PUNCT
+it	PRON
+is	AUX
+their	PRON
+signature	NOUN
+.	PUNCT
+
+The	DET
+islamists	NOUN
+sent	VERB
+letter	NOUN
+bombs	NOUN
+in	ADP
+January	PROPN
+1997	NUM
+to	ADP
+newspaper	NOUN
+offices	NOUN
+in	ADP
+New	PROPN
+York	PROPN
+City	PROPN
+and	CCONJ
+Washington	PROPN
+,	PUNCT
+D.C.	PROPN
+.	PUNCT
+
+They	PRON
+were	AUX
+sent	VERB
+in	ADP
+connection	NOUN
+with	ADP
+the	DET
+earlier	ADJ
+bombing	NOUN
+of	ADP
+the	DET
+World	PROPN
+Trade	PROPN
+Center	PROPN
+and	CCONJ
+the	DET
+imprisonment	NOUN
+of	ADP
+the	DET
+blind	ADJ
+sheik	NOUN
+,	PUNCT
+Sheik	PROPN
+Abdel	PROPN
+Rahman	PROPN
+.	PUNCT
+
+The	DET
+former	ADJ
+leader	NOUN
+of	ADP
+the	DET
+Egyptian	ADJ
+Al	PROPN
+-	PUNCT
+Gamaa	PROPN
+al	PROPN
+-	PUNCT
+Islamiya	PROPN
+(	PUNCT
+"	PUNCT
+Islamic	PROPN
+Group	PROPN
+"	PUNCT
+)	PUNCT
+,	PUNCT
+he	PRON
+was	AUX
+also	ADV
+a	DET
+spiritual	ADJ
+leader	NOUN
+of	ADP
+Al	PROPN
+Qaeda	PROPN
+.	PUNCT
+
+The	DET
+letter	NOUN
+bombs	NOUN
+were	AUX
+sent	VERB
+in	ADP
+connection	NOUN
+with	ADP
+the	DET
+treatment	NOUN
+of	ADP
+the	DET
+Egyptian	ADJ
+islamists	NOUN
+imprisoned	VERB
+for	ADP
+the	DET
+earlier	ADJ
+attack	NOUN
+on	ADP
+the	DET
+WTC	PROPN
+and	CCONJ
+a	DET
+related	ADJ
+plot	NOUN
+.	PUNCT
+
+The	DET
+purpose	NOUN
+of	ADP
+the	DET
+letter	NOUN
+bombs	NOUN
+--	PUNCT
+which	PRON
+resulted	VERB
+in	ADP
+minimal	ADJ
+casualty	NOUN
+--	PUNCT
+was	VERB
+to	PART
+send	VERB
+a	DET
+message	NOUN
+.	PUNCT
+
+(	PUNCT
+There	PRON
+initially	ADV
+was	VERB
+an	DET
+outstanding	ADJ
+$	SYM
+2	NUM
+million	NUM
+reward	NOUN
+--	PUNCT
+under	ADP
+the	DET
+rewards	NOUN
+for	ADP
+justice	NOUN
+program	NOUN
+,	PUNCT
+the	DET
+reward	NOUN
+now	ADV
+is	AUX
+up	ADV
+to	ADP
+$	SYM
+5	NUM
+million	NUM
+.	PUNCT
+)	PUNCT
+.	PUNCT
+
+There	PRON
+was	VERB
+no	DET
+claim	NOUN
+of	ADP
+responsibility	NOUN
+.	PUNCT
+
+There	PRON
+was	VERB
+no	DET
+explanation	NOUN
+.	PUNCT
+
+Once	SCONJ
+one	NUM
+had	AUX
+been	AUX
+received	VERB
+,	PUNCT
+the	DET
+next	ADJ
+ten	NOUN
+,	PUNCT
+mailed	VERB
+on	ADP
+two	NUM
+separate	ADJ
+dates	NOUN
+,	PUNCT
+were	AUX
+easily	ADV
+collected	VERB
+.	PUNCT
+
+Sound	VERB
+familiar	ADJ
+?	PUNCT
+
+Two	NUM
+bombs	NOUN
+were	AUX
+also	ADV
+sent	VERB
+to	ADP
+Leavenworth	PROPN
+,	PUNCT
+where	ADV
+a	DET
+key	ADJ
+WTC	PROPN
+1993	NUM
+defendant	NOUN
+was	AUX
+imprisoned	VERB
+,	PUNCT
+addressed	VERB
+to	ADP
+"	PUNCT
+Parole	NOUN
+Officer	NOUN
+.	PUNCT
+"	PUNCT
+
+(	PUNCT
+The	DET
+position	NOUN
+does	AUX
+not	PART
+exist	VERB
+)	PUNCT
+.	PUNCT
+
+Abdel	PROPN
+Rahman	PROPN
+'s	PART
+son	NOUN
+was	AUX
+captured	VERB
+in	ADP
+Quetta	PROPN
+,	PUNCT
+Pakistan	PROPN
+in	ADP
+mid-February	NOUN
+2003	NUM
+.	PUNCT
+
+That	DET
+arrest	NOUN
+in	ADP
+turn	NOUN
+led	VERB
+to	ADP
+the	DET
+dramatic	ADJ
+capture	NOUN
+of	ADP
+Khalid	PROPN
+Mohammed	PROPN
+,	PUNCT
+Al	PROPN
+Qaeda	PROPN
+'s	PART
+#	NOUN
+3	NUM
+.	PUNCT
+
+Mohammed	PROPN
+allegedly	ADV
+was	AUX
+hiding	VERB
+in	ADP
+the	DET
+home	NOUN
+of	ADP
+the	DET
+Pakistani	ADJ
+bacteriologist	NOUN
+Dr.	PROPN
+Abdul	PROPN
+Qadoos	PROPN
+Khan	PROPN
+.	PUNCT
+
+Along	ADP
+with	ADP
+Zawahiri	PROPN
+,	PUNCT
+Abdel	PROPN
+Rahman	PROPN
+and	CCONJ
+his	PRON
+two	NUM
+sons	NOUN
+have	AUX
+had	VERB
+considerable	ADJ
+influence	NOUN
+over	ADP
+Bin	PROPN
+Laden	PROPN
+.	PUNCT
+
+He	PRON
+reportedly	ADV
+treated	VERB
+them	PRON
+like	ADP
+sons	NOUN
+.	PUNCT
+
+Although	SCONJ
+while	SCONJ
+in	ADP
+jail	NOUN
+in	ADP
+the	DET
+early	ADJ
+1980s	NOUN
+,	PUNCT
+Zawahiri	PROPN
+caused	VERB
+considerable	ADJ
+tension	NOUN
+by	SCONJ
+challenging	VERB
+the	DET
+blind	ADJ
+sheik	NOUN
+'s	PART
+ability	NOUN
+to	PART
+lead	VERB
+a	DET
+coalition	NOUN
+of	ADP
+the	DET
+Egyptian	ADJ
+Islamic	PROPN
+Jihad	PROPN
+and	CCONJ
+the	DET
+Egyptian	ADJ
+Islamic	PROPN
+Group	PROPN
+,	PUNCT
+Zawahiri	PROPN
+and	CCONJ
+OBL	PROPN
+are	AUX
+Rahman	PROPN
+'s	PART
+friends	NOUN
+.	PUNCT
+
+The	DET
+imprisoned	VERB
+WTC	PROPN
+1993	NUM
+plotter	NOUN
+Yousef	PROPN
+was	AUX
+KSM	PROPN
+'s	PART
+nephew	NOUN
+.	PUNCT
+
+Thus	ADV
+,	PUNCT
+the	DET
+leaders	NOUN
+in	ADP
+charge	NOUN
+of	ADP
+Al	PROPN
+Qaeda	PROPN
+'s	PART
+anthrax	NOUN
+production	NOUN
+program	NOUN
+had	VERB
+a	DET
+close	ADJ
+connection	NOUN
+to	ADP
+those	PRON
+imprisoned	VERB
+in	ADP
+connection	NOUN
+with	ADP
+the	DET
+earlier	ADJ
+bombing	NOUN
+of	ADP
+the	DET
+World	PROPN
+Trade	PROPN
+Center	PROPN
+.	PUNCT
+
+According	VERB
+to	ADP
+the	DET
+controversial	ADJ
+"	PUNCT
+Feith	PROPN
+memo	NOUN
+,	PUNCT
+"	PUNCT
+which	PRON
+summarized	VERB
+purported	VERB
+intelligence	NOUN
+showing	VERB
+an	DET
+Iraqi	ADJ
+/	SYM
+Al	PROPN
+Qaeda	PROPN
+connection	NOUN
+,	PUNCT
+Osama	PROPN
+Bin	PROPN
+Laden	PROPN
+had	AUX
+asked	VERB
+Iraqi	ADJ
+intelligence	NOUN
+for	ADP
+technical	ADJ
+assistance	NOUN
+in	SCONJ
+sending	VERB
+letter	NOUN
+bombs	NOUN
+a	DET
+half	ADJ
+year	NOUN
+before	SCONJ
+the	DET
+Al	PROPN
+Hayat	PROPN
+letters	NOUN
+were	AUX
+sent	VERB
+.	PUNCT
+
+Just	ADV
+because	SCONJ
+Al	PROPN
+Qaeda	PROPN
+likes	VERB
+its	PRON
+truck	NOUN
+bombs	NOUN
+and	CCONJ
+the	DET
+like	ADJ
+to	PART
+be	AUX
+effective	ADJ
+does	AUX
+not	PART
+mean	VERB
+they	PRON
+do	AUX
+not	PART
+see	VERB
+the	DET
+value	NOUN
+in	ADP
+a	DET
+deadly	ADJ
+missive	NOUN
+.	PUNCT
+
+As	SCONJ
+Brian	PROPN
+Jenkins	PROPN
+once	ADV
+said	VERB
+,	PUNCT
+"	PUNCT
+terrorism	NOUN
+is	AUX
+theater	NOUN
+.	PUNCT
+"	PUNCT
+
+A	DET
+sender	NOUN
+purporting	VERB
+to	PART
+be	AUX
+islamist	ADJ
+sent	VERB
+cyanide	NOUN
+in	ADP
+both	CCONJ
+early	ADJ
+2002	NUM
+and	CCONJ
+early	ADJ
+2003	NUM
+in	ADP
+New	PROPN
+Zealand	PROPN
+and	CCONJ
+ingredients	NOUN
+of	ADP
+nerve	NOUN
+gas	NOUN
+in	ADP
+Belgium	PROPN
+in	ADP
+2003	NUM
+.	PUNCT
+
+There	PRON
+'s	VERB
+even	ADV
+a	DET
+chapter	NOUN
+titled	VERB
+"	PUNCT
+Poisonous	PROPN
+Letter	PROPN
+"	PUNCT
+in	ADP
+the	DET
+Al	PROPN
+Qaeda	PROPN
+manual	NOUN
+.	PUNCT
+
+The	DET
+"	PUNCT
+Federal	ADJ
+Eagle	NOUN
+"	PUNCT
+stamp	NOUN
+used	VERB
+in	ADP
+the	DET
+anthrax	NOUN
+mailings	NOUN
+was	AUX
+a	DET
+blue	NOUN
+-	PUNCT
+green	NOUN
+.	PUNCT
+
+It	PRON
+was	AUX
+widely	ADV
+published	VERB
+among	ADP
+the	DET
+militant	ADJ
+islamists	NOUN
+that	SCONJ
+martyrs	NOUN
+go	VERB
+to	ADP
+paradise	NOUN
+"	PUNCT
+in	ADP
+the	DET
+hearts	NOUN
+of	ADP
+green	ADJ
+birds	NOUN
+.	PUNCT
+"	PUNCT
+
+In	ADP
+the	DET
+very	ADJ
+interview	NOUN
+in	ADP
+which	PRON
+they	PRON
+admitted	VERB
+9/11	NUM
+,	PUNCT
+and	CCONJ
+described	VERB
+the	DET
+codes	NOUN
+used	VERB
+for	ADP
+the	DET
+four	NUM
+targets	NOUN
+for	ADP
+the	DET
+planes	NOUN
+,	PUNCT
+the	DET
+masterminds	NOUN
+admitted	VERB
+to	ADP
+the	DET
+Jenny	PROPN
+code	NOUN
+,	PUNCT
+the	DET
+code	NOUN
+for	SCONJ
+representing	VERB
+the	DET
+date	NOUN
+9/11	NUM
+,	PUNCT
+and	CCONJ
+used	VERB
+the	DET
+symbolism	NOUN
+of	ADP
+the	DET
+"	PUNCT
+Green	ADJ
+Birds	NOUN
+.	PUNCT
+"	PUNCT
+
+Osama	PROPN
+Bin	PROPN
+Laden	PROPN
+later	ADV
+invoked	VERB
+the	DET
+symbolism	NOUN
+in	ADP
+his	PRON
+video	NOUN
+"	PUNCT
+The	DET
+19	PROPN
+Martyrs	PROPN
+.	PUNCT
+"	PUNCT
+
+A	DET
+FAQ	NOUN
+on	ADP
+the	DET
+Azzam	PROPN
+Publications	PROPN
+website	NOUN
+explained	VERB
+that	SCONJ
+"	PUNCT
+In	ADP
+the	DET
+Hearts	NOUN
+of	ADP
+Green	ADJ
+Birds	NOUN
+"	PUNCT
+refers	VERB
+to	SCONJ
+what	PRON
+is	AUX
+inside	ADV
+.	PUNCT
+
+The	DET
+mailer	NOUN
+'s	PART
+use	NOUN
+of	ADP
+"	PUNCT
+Greendale	PROPN
+School	PROPN
+"	PUNCT
+as	ADP
+the	DET
+return	NOUN
+address	NOUN
+for	ADP
+the	DET
+letters	NOUN
+to	ADP
+the	DET
+Senators	NOUN
+is	AUX
+also	ADV
+revealing	ADJ
+.	PUNCT
+
+A	DET
+May	PROPN
+2001	NUM
+letter	NOUN
+that	PRON
+Zawahiri	PROPN
+sent	VERB
+to	ADP
+Egyptian	ADJ
+Islamic	PROPN
+Jihad	PROPN
+members	NOUN
+abroad	ADV
+establish	VERB
+that	SCONJ
+Zawahiri	PROPN
+used	VERB
+"	PUNCT
+school	NOUN
+"	PUNCT
+as	ADP
+a	DET
+code	NOUN
+word	NOUN
+for	ADP
+the	DET
+Egyptian	ADJ
+militant	ADJ
+islamists	NOUN
+in	ADP
+his	PRON
+correspondence	NOUN
+.	PUNCT
+
+Green	NOUN
+symbolizes	VERB
+Islam	PROPN
+and	CCONJ
+was	AUX
+the	DET
+Prophet	PROPN
+Mohammed	PROPN
+'s	PART
+color	NOUN
+.	PUNCT
+
+By	ADP
+Greendale	PROPN
+School	PROPN
+,	PUNCT
+the	DET
+anthrax	NOUN
+perp	NOUN
+was	AUX
+being	AUX
+cute	ADJ
+,	PUNCT
+just	ADV
+as	SCONJ
+Yazid	PROPN
+Sufaat	PROPN
+was	AUX
+being	AUX
+cute	ADJ
+in	SCONJ
+naming	VERB
+his	PRON
+lab	NOUN
+Green	PROPN
+Laboratory	PROPN
+Medicine	PROPN
+.	PUNCT
+
+"	PUNCT
+Dale	NOUN
+"	PUNCT
+means	VERB
+"	PUNCT
+river	NOUN
+valley	NOUN
+.	PUNCT
+"	PUNCT
+
+Greendale	PROPN
+likely	ADV
+refers	VERB
+to	ADP
+green	ADJ
+river	NOUN
+valley	NOUN
+--	PUNCT
+i.e.	X
+,	PUNCT
+Cairo	PROPN
+'s	PART
+Egyptian	ADJ
+Islamic	PROPN
+Jihad	PROPN
+or	CCONJ
+the	DET
+Islamic	PROPN
+Group	PROPN
+.	PUNCT
+
+The	DET
+sender	NOUN
+probably	ADV
+is	AUX
+announcing	VERB
+that	SCONJ
+he	PRON
+is	AUX
+of	ADP
+either	CCONJ
+Egyptian	ADJ
+Islamic	PROPN
+Jihad	PROPN
+,	PUNCT
+Egyptian	ADJ
+Islamic	PROPN
+Group	PROPN
+or	CCONJ
+Jihad	PROPN
+-	PUNCT
+al	PROPN
+Qaeda	PROPN
+,	PUNCT
+which	PRON
+is	AUX
+actually	ADV
+the	DET
+full	ADJ
+name	NOUN
+of	ADP
+the	DET
+group	NOUN
+after	ADP
+the	DET
+merger	NOUN
+of	ADP
+the	DET
+Egyptian	ADJ
+Islamic	PROPN
+Jihad	PROPN
+and	CCONJ
+al	PROPN
+Qaeda	PROPN
+.	PUNCT
+
+At	ADP
+the	DET
+Darunta	PROPN
+complex	NOUN
+where	ADV
+jihadis	NOUN
+trained	VERB
+,	PUNCT
+recruits	NOUN
+would	AUX
+wear	VERB
+green	ADJ
+uniforms	NOUN
+,	PUNCT
+except	ADP
+for	ADP
+Friday	PROPN
+when	ADV
+they	PRON
+were	AUX
+washed	VERB
+.	PUNCT
+
+In	ADP
+a	DET
+Hadith	PROPN
+the	DET
+Messenger	PROPN
+of	ADP
+Allah	PROPN
+explains	VERB
+that	SCONJ
+the	DET
+souls	NOUN
+of	ADP
+the	DET
+martyrs	NOUN
+are	AUX
+in	ADP
+the	DET
+hearts	NOUN
+of	ADP
+green	ADJ
+birds	NOUN
+that	PRON
+fly	VERB
+wherever	ADV
+they	PRON
+please	VERB
+in	ADP
+the	DET
+Paradise	NOUN
+.	PUNCT
+
+As	ADP
+to	ADP
+opportunity	NOUN
+,	PUNCT
+though	SCONJ
+seldom	ADV
+reported	VERB
+,	PUNCT
+there	PRON
+is	VERB
+a	DET
+wealth	NOUN
+of	ADP
+"	PUNCT
+open	ADJ
+source	NOUN
+"	PUNCT
+information	NOUN
+about	ADP
+possible	ADJ
+Al	PROPN
+Qaeda	PROPN
+or	CCONJ
+Egyptian	ADJ
+Islamic	PROPN
+Jihad	PROPN
+or	CCONJ
+Egyptian	ADJ
+Islamic	PROPN
+Group	PROPN
+in	ADP
+the	DET
+United	PROPN
+States	PROPN
+and	CCONJ
+Canada	PROPN
+.	PUNCT
+
+The	DET
+public	ADJ
+information	NOUN
+mostly	ADV
+relates	VERB
+to	ADP
+those	DET
+suspected	VERB
+sleepers	NOUN
+who	PRON
+have	AUX
+been	AUX
+detained	VERB
+or	CCONJ
+who	PRON
+are	AUX
+at	ADP
+large	ADJ
+and	CCONJ
+are	AUX
+being	AUX
+sought	VERB
+.	PUNCT
+
+Zawahiri	PROPN
+'s	PART
+mission	NOUN
+in	ADP
+the	DET
+United	PROPN
+States	PROPN
+in	ADP
+1995	NUM
+was	AUX
+to	PART
+do	VERB
+spadework	NOUN
+for	ADP
+terrorism	NOUN
+,	PUNCT
+not	ADV
+fundraising	NOUN
+for	ADP
+charitable	ADJ
+causes	NOUN
+.	PUNCT
+
+He	PRON
+traveled	VERB
+under	ADP
+an	DET
+alias	NOUN
+and	CCONJ
+was	AUX
+accompanied	VERB
+by	ADP
+a	DET
+former	ADJ
+US	PROPN
+Army	PROPN
+sergeant	NOUN
+named	VERB
+Ali	PROPN
+Mohammed	PROPN
+.	PUNCT
+
+What	DET
+mosques	NOUN
+exactly	ADV
+did	AUX
+they	PRON
+visit	VERB
+and	CCONJ
+who	PRON
+did	AUX
+they	PRON
+meet	VERB
+?	PUNCT
+
+Whatever	DET
+your	PRON
+political	ADJ
+persuasion	NOUN
+,	PUNCT
+the	DET
+FBI	PROPN
+and	CCONJ
+CIA	PROPN
+deserve	VERB
+our	PRON
+support	NOUN
+.	PUNCT
+
+We	PRON
+are	AUX
+,	PUNCT
+after	ADV
+all	ADV
+,	PUNCT
+in	ADP
+this	PRON
+together	ADV
+.	PUNCT
+
+First	ADV
+,	PUNCT
+the	DET
+nature	NOUN
+of	ADP
+such	DET
+an	DET
+investigation	NOUN
+is	VERB
+that	SCONJ
+we	PRON
+lack	VERB
+sufficient	ADJ
+information	NOUN
+to	PART
+second	ADV
+-	PUNCT
+guess	VERB
+(	PUNCT
+or	CCONJ
+even	ADV
+know	VERB
+)	PUNCT
+what	PRON
+the	DET
+FBI	PROPN
+is	AUX
+doing	VERB
+.	PUNCT
+
+Media	NOUN
+reports	NOUN
+are	AUX
+a	DET
+poor	ADJ
+approximation	NOUN
+of	ADP
+reality	NOUN
+because	ADP
+of	ADP
+the	DET
+lack	NOUN
+of	ADP
+good	ADJ
+sources	NOUN
+.	PUNCT
+
+Second	ADV
+,	PUNCT
+hindsight	NOUN
+is	AUX
+20	NUM
+/	PUNCT
+20	NUM
+.	PUNCT
+
+Third	ADV
+,	PUNCT
+with	SCONJ
+the	DET
+"	PUNCT
+new	ADJ
+age	NOUN
+"	PUNCT
+Efrem	PROPN
+Zimbalist	PROPN
+,	PUNCT
+Jr.	PROPN
+in	ADP
+charge	NOUN
+of	ADP
+the	DET
+investigation	NOUN
+,	PUNCT
+it	PRON
+is	AUX
+not	PART
+likely	ADJ
+we	PRON
+could	AUX
+do	VERB
+better	ADV
+in	SCONJ
+striking	VERB
+the	DET
+appropriate	ADJ
+balance	NOUN
+between	ADP
+due	ADJ
+process	NOUN
+and	CCONJ
+national	ADJ
+security	NOUN
+.	PUNCT
+
+Finally	ADV
+,	PUNCT
+the	DET
+"	PUNCT
+Hatfill	PROPN
+theory	NOUN
+"	PUNCT
+seems	VERB
+to	PART
+have	AUX
+been	AUX
+exhausted	VERB
+or	CCONJ
+at	ADV
+least	ADV
+lost	VERB
+public	ADJ
+favor	NOUN
+.	PUNCT
+
+The	DET
+"	PUNCT
+Hatfill	PROPN
+theory	NOUN
+"	PUNCT
+accusing	VERB
+Dr.	PROPN
+Stephen	PROPN
+Hatfill	PROPN
+was	AUX
+always	ADV
+highly	ADV
+dubious	ADJ
+.	PUNCT
+
+The	DET
+suspicion	NOUN
+was	AUX
+founded	VERB
+on	ADP
+many	ADJ
+false	ADJ
+premises	NOUN
+,	PUNCT
+and	CCONJ
+there	PRON
+was	VERB
+no	DET
+reliable	ADJ
+publicly	ADV
+known	VERB
+evidence	NOUN
+indicating	VERB
+his	PRON
+guilt	NOUN
+.	PUNCT
+
+The	DET
+FBI	PROPN
+'s	PART
+fixation	NOUN
+on	ADP
+Hatfill	PROPN
+(	PUNCT
+at	ADV
+least	ADV
+as	SCONJ
+rumored	VERB
+by	ADP
+some	DET
+reporters	NOUN
+)	PUNCT
+may	AUX
+have	AUX
+stemmed	VERB
+from	ADP
+a	DET
+warning	NOUN
+by	ADP
+one	NUM
+Senator	NOUN
+that	SCONJ
+careers	NOUN
+hung	VERB
+in	ADP
+the	DET
+balance	NOUN
+.	PUNCT
+
+Leahy	PROPN
+'s	PART
+chief	NOUN
+of	ADP
+staff	NOUN
+apparently	ADV
+started	VERB
+with	ADP
+the	DET
+strong	ADJ
+predisposition	NOUN
+that	SCONJ
+some	DET
+right	ADJ
+-	PUNCT
+winger	NOUN
+was	AUX
+involved	ADJ
+because	SCONJ
+two	NUM
+liberal	ADJ
+democrats	NOUN
+had	AUX
+been	AUX
+targeted	VERB
+.	PUNCT
+
+The	DET
+Hatfill	PROPN
+theory	NOUN
+--	PUNCT
+to	PART
+include	VERB
+ongoing	ADJ
+interviews	NOUN
+and	CCONJ
+ongoing	ADJ
+7	NUM
+/	PUNCT
+24	NUM
+surveillance	NOUN
+by	ADP
+8	NUM
+surveillance	NOUN
+specialists	NOUN
+--	PUNCT
+is	AUX
+now	ADV
+the	DET
+subject	NOUN
+of	ADP
+pending	ADJ
+civil	ADJ
+rights	NOUN
+and	CCONJ
+libel	NOUN
+claims	NOUN
+of	ADP
+uncertain	ADJ
+merit	NOUN
+.	PUNCT
+
+A	DET
+suit	NOUN
+against	ADP
+the	DET
+New	PROPN
+York	PROPN
+Times	PROPN
+and	CCONJ
+columnist	NOUN
+Nicholas	PROPN
+Kristof	PROPN
+was	AUX
+dismissed	VERB
+in	ADP
+late	ADJ
+November	PROPN
+2004	NUM
+.	PUNCT
+
+The	DET
+judge	NOUN
+had	AUX
+agreed	VERB
+to	PART
+delay	VERB
+the	DET
+civil	ADJ
+rights	NOUN
+matter	NOUN
+from	ADP
+proceeding	NOUN
+until	ADP
+at	ADV
+least	ADV
+October	PROPN
+2004	NUM
+.	PUNCT
+
+The	DET
+judge	NOUN
+,	PUNCT
+frustrated	VERB
+by	ADP
+the	DET
+apparent	ADJ
+lack	NOUN
+of	ADP
+progress	NOUN
+,	PUNCT
+encouraged	VERB
+that	SCONJ
+the	DET
+parties	NOUN
+reach	VERB
+a	DET
+negotiated	VERB
+compromise	NOUN
+that	PRON
+would	AUX
+permit	VERB
+some	DET
+limited	ADJ
+discovery	NOUN
+to	PART
+proceed	VERB
+(	PUNCT
+and	CCONJ
+the	DET
+judge	NOUN
+has	AUX
+directed	VERB
+that	SCONJ
+the	DET
+government	NOUN
+to	PART
+file	VERB
+an	DET
+Answer	NOUN
+to	ADP
+the	DET
+Complaint	NOUN
+)	PUNCT
+.	PUNCT
+
+The	DET
+Hatfill	PROPN
+Theory	NOUN
+ironically	ADV
+might	AUX
+best	ADV
+be	AUX
+understood	VERB
+as	ADP
+an	DET
+Al	PROPN
+Qaeda	PROPN
+theory	NOUN
+,	PUNCT
+with	ADP
+a	DET
+coincidental	ADJ
+Malaysian	ADJ
+connection	NOUN
+adding	VERB
+to	ADP
+the	DET
+other	ADJ
+circumstances	NOUN
+.	PUNCT
+
+Given	VERB
+the	DET
+regrettable	ADJ
+leaks	NOUN
+that	SCONJ
+he	PRON
+was	AUX
+under	ADP
+suspicion	NOUN
+,	PUNCT
+it	PRON
+is	AUX
+only	ADV
+fair	ADJ
+that	SCONJ
+the	DET
+FBI	PROPN
+leak	VERB
+with	ADP
+equal	ADJ
+enthusiasm	NOUN
+the	DET
+fact	NOUN
+that	SCONJ
+Dr.	PROPN
+Hatfill	PROPN
+has	AUX
+now	ADV
+been	AUX
+dropped	VERB
+as	ADP
+a	DET
+suspect	NOUN
+if	SCONJ
+and	CCONJ
+when	ADV
+that	PRON
+proves	VERB
+to	PART
+be	AUX
+the	DET
+case	NOUN
+.	PUNCT
+
+A	DET
+search	NOUN
+of	ADP
+Dr.	PROPN
+Ken	PROPN
+Berry	PROPN
+'s	PART
+residences	NOUN
+likely	ADV
+will	AUX
+prove	VERB
+just	ADV
+about	ADV
+the	DET
+last	ADJ
+gasp	NOUN
+of	ADP
+a	DET
+biodefense	NOUN
+insider	NOUN
+theory	NOUN
+.	PUNCT
+
+Senior	ADJ
+officials	NOUN
+have	AUX
+been	AUX
+quoted	VERB
+in	ADP
+the	DET
+press	NOUN
+as	SCONJ
+saying	VERB
+that	SCONJ
+the	DET
+searches	NOUN
+were	VERB
+for	ADP
+the	DET
+purpose	NOUN
+of	SCONJ
+excluding	VERB
+him	PRON
+as	ADV
+much	ADV
+as	SCONJ
+including	VERB
+him	PRON
+.	PUNCT
+
+Maureen	PROPN
+,	PUNCT
+
+Andre	PROPN
+is	AUX
+going	VERB
+to	PART
+look	VERB
+over	ADP
+the	DET
+list	NOUN
+of	ADP
+curves	NOUN
+needed	VERB
+for	ADP
+the	DET
+global	ADJ
+assets	NOUN
+(	PUNCT
+August	PROPN
+Board	NOUN
+meeting	NOUN
+)	PUNCT
+one	NUM
+more	ADJ
+time	NOUN
+before	SCONJ
+I	PRON
+forward	VERB
+it	PRON
+to	ADP
+you	PRON
+.	PUNCT
+
+He	PRON
+will	AUX
+make	VERB
+sure	ADJ
+that	SCONJ
+we	PRON
+do	AUX
+not	PART
+request	VERB
+FX	NOUN
+and	CCONJ
+inflation	NOUN
+(	PUNCT
+CPI	NOUN
+,	PUNCT
+PPI	NOUN
+,	PUNCT
+etc.	X
+)	PUNCT
+curves	NOUN
+when	ADV
+only	ADV
+one	NUM
+of	ADP
+the	DET
+curves	NOUN
+will	AUX
+actually	ADV
+be	AUX
+used	VERB
+in	ADP
+the	DET
+valuation	NOUN
+process	NOUN
+and	CCONJ
+to	PART
+determine	VERB
+which	DET
+inflation	NOUN
+index	NOUN
+is	AUX
+needed	VERB
+.	PUNCT
+
+Typically	ADV
+,	PUNCT
+we	PRON
+receive	VERB
+both	CCONJ
+FX	NOUN
+and	CCONJ
+inflation	NOUN
+from	ADP
+you	PRON
+,	PUNCT
+but	CCONJ
+both	DET
+curves	NOUN
+may	AUX
+not	PART
+always	ADV
+be	AUX
+used	VERB
+.	PUNCT
+
+I	PRON
+hope	VERB
+that	SCONJ
+we	PRON
+can	AUX
+give	VERB
+you	PRON
+some	DET
+time	NOUN
+savings	NOUN
+by	SCONJ
+eliminating	VERB
+any	DET
+nonessential	ADJ
+requests	NOUN
+.	PUNCT
+
+For	ADP
+now	ADV
+,	PUNCT
+this	PRON
+is	AUX
+the	DET
+list	NOUN
+of	ADP
+countries	NOUN
+for	ADP
+which	PRON
+we	PRON
+will	AUX
+probably	ADV
+need	VERB
+the	DET
+FX	NOUN
+and	CCONJ
+/	PUNCT
+or	CCONJ
+inflation	NOUN
+curves	NOUN
+.	PUNCT
+
+I	PRON
+will	AUX
+send	VERB
+the	DET
+specifics	NOUN
+per	ADP
+Andre	PROPN
+later	ADV
+today	NOUN
+.	PUNCT
+
+India	PROPN
+
+Philippines	PROPN
+
+Bolivia	PROPN
+
+Jamaica	PROPN
+
+Guatemala	PROPN
+
+Venezuela	PROPN
+
+Columbia	PROPN
+
+Puerto	PROPN
+Rico	PROPN
+CPI	NOUN
+only	ADV
+(	PUNCT
+I	PRON
+need	VERB
+historical	ADJ
+inflation	NOUN
+data	NOUN
+,	PUNCT
+as	ADV
+well	ADV
+)	PUNCT
+
+Panama	PROPN
+
+Brazil	PROPN
+we	PRON
+have	VERB
+current	ADJ
+data	NOUN
+already	ADV
+
+China	PROPN
+we	PRON
+have	VERB
+current	ADJ
+data	NOUN
+already	ADV
+
+Euro	PROPN
+inflation	NOUN
+only	ADV
+
+I	PRON
+am	AUX
+not	PART
+certain	ADJ
+about	ADP
+the	DET
+needs	NOUN
+for	ADP
+the	DET
+London	PROPN
+Underwriting	NOUN
+/	PUNCT
+IV	NOUN
+group	NOUN
+but	CCONJ
+will	AUX
+request	VERB
+the	DET
+information	NOUN
+from	ADP
+them	PRON
+if	SCONJ
+you	PRON
+have	AUX
+not	PART
+done	VERB
+so	ADV
+already	ADV
+.	PUNCT
+
+Thanks	NOUN
+!	PUNCT
+
+Cindy	PROPN
+
+David	PROPN
+and	CCONJ
+Cindy	PROPN
+,	PUNCT
+
+Please	INTJ
+send	VERB
+us	PRON
+the	DET
+list	NOUN
+of	ADP
+the	DET
+curves	NOUN
+that	PRON
+you	PRON
+will	AUX
+need	VERB
+to	PART
+revalue	VERB
+our	PRON
+international	ADJ
+assets	NOUN
+for	ADP
+the	DET
+August	PROPN
+Board	NOUN
+meeting	NOUN
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Maureen	PROPN
+
+Philip	PROPN
+,	PUNCT
+
+I	PRON
+have	VERB
+to	PART
+decline	VERB
+the	DET
+invitation	NOUN
+with	ADP
+regrets	NOUN
+.	PUNCT
+
+I	PRON
+have	VERB
+too	ADV
+many	ADJ
+commitments	NOUN
+right	ADV
+now	ADV
+.	PUNCT
+
+Vince	PROPN
+Kaminski	PROPN
+
+Dear	ADJ
+Vince	PROPN
+
+Just	ADV
+a	DET
+quick	ADJ
+message	NOUN
+to	PART
+follow	VERB
+up	ADP
+on	ADP
+the	DET
+email	NOUN
+that	PRON
+I	PRON
+sent	VERB
+you	PRON
+recently	ADV
+inviting	VERB
+you	PRON
+to	PART
+speak	VERB
+at	ADP
+our	PRON
+forthcoming	ADJ
+congress	NOUN
+,	PUNCT
+Risk	PROPN
+2001	NUM
+Australia	PROPN
+,	PUNCT
+which	PRON
+is	AUX
+taking	VERB
+place	NOUN
+in	ADP
+Sydney	PROPN
+on	ADP
+20	NUM
+&	CCONJ
+21	NUM
+August	PROPN
+2001	NUM
+.	PUNCT
+
+Have	AUX
+you	PRON
+had	VERB
+an	DET
+opportunity	NOUN
+to	PART
+consider	VERB
+the	DET
+invitation	NOUN
+yet	ADV
+?	PUNCT
+
+We	PRON
+are	AUX
+aiming	VERB
+to	PART
+have	VERB
+the	DET
+programme	NOUN
+printed	VERB
+next	ADJ
+week	NOUN
+,	PUNCT
+so	ADV
+I	PRON
+would	AUX
+really	ADV
+need	VERB
+to	PART
+know	VERB
+as	ADV
+soon	ADV
+as	SCONJ
+possible	ADJ
+if	SCONJ
+you	PRON
+would	AUX
+be	AUX
+available	ADJ
+to	PART
+speak	VERB
+at	ADP
+this	DET
+year	NOUN
+'s	PART
+congress	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+working	VERB
+from	ADP
+our	PRON
+Hong	PROPN
+Kong	PROPN
+office	NOUN
+for	ADP
+this	DET
+week	NOUN
+only	ADV
+(	PUNCT
+Tel	NOUN
+:	PUNCT
++852	NUM
+2545	NUM
+2710	NUM
+)	PUNCT
+,	PUNCT
+and	CCONJ
+I	PRON
+can	AUX
+be	AUX
+contacted	VERB
+by	ADP
+phone	NOUN
+there	ADV
+or	CCONJ
+by	ADP
+email	NOUN
+.	PUNCT
+
+Kind	ADJ
+regards	NOUN
+.	PUNCT
+
+Philip	PROPN
+
+Philip	PROPN
+Annesley	PROPN
+Conference	NOUN
+Producer	NOUN
+Risk	PROPN
+Waters	PROPN
+Group	PROPN
++44	NUM
+20	NUM
+7484	NUM
+9866	NUM
++44	NUM
+20	NUM
+7484	NUM
+9800	NUM
+www.risk-conferences.com/risk2001aus	X
+
+Beth	PROPN
+has	AUX
+made	VERB
+our	PRON
+reservations	NOUN
+for	ADP
+the	DET
+Round	ADJ
+Table	NOUN
+Friday	PROPN
+night	NOUN
+(	PUNCT
+5/18	NUM
+)	PUNCT
+at	ADP
+Sullivan	PROPN
+'s	PART
+Steak	PROPN
+House	PROPN
+for	ADP
+6:30	NUM
+.	PUNCT
+
+See	VERB
+you	PRON
+all	DET
+there	ADV
+-	PUNCT
+this	PRON
+is	AUX
+ling	ADV
+overdue	ADJ
+
+Paula	PROPN
+
+Paula	PROPN
+,	PUNCT
+
+Thanks	NOUN
+a	DET
+lot	NOUN
+.	PUNCT
+
+Will	AUX
+you	PRON
+drive	VERB
+on	ADP
+that	DET
+day	NOUN
+?	PUNCT
+
+Vince	PROPN
+
+Beth	PROPN
+has	AUX
+made	VERB
+our	PRON
+reservations	NOUN
+for	ADP
+the	DET
+Round	PROPN
+Table	PROPN
+Friday	PROPN
+night	NOUN
+(	PUNCT
+5/18	NUM
+)	PUNCT
+at	ADP
+Sullivan	PROPN
+'s	PART
+Steak	PROPN
+House	PROPN
+for	ADP
+6:30	NUM
+.	PUNCT
+
+See	VERB
+you	PRON
+all	DET
+there	ADV
+-	PUNCT
+this	PRON
+is	AUX
+ling	ADV
+overdue	ADJ
+
+Paula	PROPN
+
+FYI	ADV
+
+Vince	PROPN
+
+Anne	PROPN
+,	PUNCT
+Mike	PROPN
+will	AUX
+call	VERB
+you	PRON
+regarding	VERB
+Sarah	PROPN
+.	PUNCT
+
+Vince	PROPN
+,	PUNCT
+
+As	SCONJ
+I	PRON
+mentioned	VERB
+in	ADP
+my	PRON
+voice	NOUN
+mail	NOUN
+,	PUNCT
+Mike	PROPN
+Roberts	PROPN
+going	VERB
+to	PART
+hire	VERB
+Sara	PROPN
+Woody	PROPN
+,	PUNCT
+a	DET
+recent	ADJ
+MBA	NOUN
+grad	NOUN
+from	ADP
+Rice	PROPN
+,	PUNCT
+into	ADP
+his	PRON
+group	NOUN
+.	PUNCT
+
+However	ADV
+,	PUNCT
+when	ADV
+we	PRON
+were	AUX
+talking	VERB
+about	ADP
+this	DET
+position	NOUN
+,	PUNCT
+Mike	PROPN
+compared	VERB
+Sara	PROPN
+to	ADP
+Elena	PROPN
+.	PUNCT
+
+Elena	PROPN
+'s	PART
+title	NOUN
+is	AUX
+admin	ADJ
+coordinator	NOUN
+,	PUNCT
+and	CCONJ
+I	PRON
+know	VERB
+that	SCONJ
+Sara	PROPN
+should	AUX
+not	PART
+have	VERB
+this	DET
+title	NOUN
+,	PUNCT
+and	CCONJ
+honestly	ADV
+do	AUX
+not	PART
+think	VERB
+that	SCONJ
+Elena	PROPN
+should	AUX
+also	ADV
+.	PUNCT
+
+Admin	ADJ
+coordinator's	NOUN
+do	VERB
+primarily	ADV
+administrative	ADJ
+work	NOUN
+.	PUNCT
+
+I	PRON
+suggest	VERB
+that	SCONJ
+you	PRON
+compare	VERB
+Elena	PROPN
+and	CCONJ
+Sarah	PROPN
+'s	PART
+duties	NOUN
+/	PUNCT
+level	NOUN
+to	ADP
+other	ADJ
+Sr.	ADJ
+Spec.	NOUN
+in	ADP
+your	PRON
+group	NOUN
+such	ADJ
+as	ADP
+Kenneth	PROPN
+Parkhill	PROPN
+and	CCONJ
+Sevil	PROPN
+to	PART
+determine	VERB
+if	SCONJ
+they	PRON
+are	AUX
+equivalent	ADJ
+,	PUNCT
+or	CCONJ
+if	SCONJ
+their	PRON
+scope	NOUN
+of	ADP
+responsibilities	NOUN
+and	CCONJ
+experience	NOUN
+is	AUX
+not	PART
+as	ADV
+broad	ADJ
+.	PUNCT
+
+If	SCONJ
+the	DET
+latter	ADJ
+is	AUX
+the	DET
+case	NOUN
+,	PUNCT
+we	PRON
+could	AUX
+place	VERB
+both	CCONJ
+Sara	PROPN
+and	CCONJ
+Elena	PROPN
+in	ADP
+a	DET
+specialist	NOUN
+job	NOUN
+group	NOUN
+(	PUNCT
+the	DET
+salary	NOUN
+range	NOUN
+is	AUX
+33	NUM
+-	SYM
+66	NUM
+K	NUM
+)	PUNCT
+.	PUNCT
+
+Please	INTJ
+advise	VERB
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Anne	PROPN
+
+Clayton	PROPN
+,	PUNCT
+
+Thanks	NOUN
+a	DET
+lot	NOUN
+.	PUNCT
+
+I	PRON
+appreciate	VERB
+all	DET
+your	PRON
+help	NOUN
+.	PUNCT
+
+Vince	PROPN
+
+Vince	PROPN
+-	PUNCT
+
+Good	ADJ
+news	NOUN
+.	PUNCT
+
+Martin	PROPN
+'s	PART
+box	NOUN
+is	AUX
+working	VERB
+wonderfully	ADV
+-	PUNCT
+I	PRON
+'ll	AUX
+have	VERB
+everything	PRON
+transferred	VERB
+to	ADP
+it	PRON
+and	CCONJ
+give	VERB
+him	PRON
+the	DET
+keys	NOUN
+by	ADP
+Friday	PROPN
+.	PUNCT
+
+This	PRON
+was	AUX
+(	PUNCT
+another	DET
+)	PUNCT
+nice	ADJ
+deal	NOUN
+for	ADP
+Enron	PROPN
+.	PUNCT
+
+We	PRON
+save	VERB
+$	SYM
+21,000	NUM
+in	ADP
+real	ADJ
+money	NOUN
+this	DET
+way	NOUN
+,	PUNCT
+the	DET
+cash	NOUN
+refund	NOUN
+Sun	PROPN
+is	AUX
+giving	VERB
+Enron	PROPN
+for	ADP
+our	PRON
+other	ADJ
+server	NOUN
+,	PUNCT
+using	VERB
+a	DET
+box	NOUN
+that	PRON
+was	AUX
+n't	PART
+being	AUX
+used	VERB
+by	ADP
+anyone	PRON
+.	PUNCT
+
+I	PRON
+'m	AUX
+happy	ADJ
+about	ADP
+this	PRON
+.	PUNCT
+
+Clayton	PROPN
+
+Iris	PROPN
+,	PUNCT
+
+Congratulations	NOUN
+.	PUNCT
+
+Anne	PROPN
+,	PUNCT
+please	INTJ
+,	PUNCT
+include	VERB
+this	DET
+info	NOUN
+in	ADP
+Iris	PROPN
+'	PART
+file	NOUN
+
+Vince	PROPN
+
+Michael	PROPN
+:	PUNCT
+
+Thanks	NOUN
+for	SCONJ
+putting	VERB
+the	DET
+paperwork	NOUN
+together	ADV
+.	PUNCT
+
+I	PRON
+would	AUX
+have	VERB
+interest	NOUN
+in	ADP
+meeting	NOUN
+if	SCONJ
+you	PRON
+can	AUX
+present	VERB
+unique	ADJ
+investment	NOUN
+opportunities	NOUN
+that	PRON
+I	PRON
+do	AUX
+n't	PART
+have	VERB
+access	NOUN
+to	ADP
+now	ADV
+.	PUNCT
+
+Most	ADJ
+of	ADP
+my	PRON
+contact	NOUN
+with	ADP
+financial	ADJ
+advisors	NOUN
+in	ADP
+the	DET
+past	NOUN
+has	AUX
+consisted	VERB
+of	SCONJ
+them	PRON
+suggesting	VERB
+a	DET
+mutual	ADJ
+fund	NOUN
+,	PUNCT
+telling	VERB
+me	PRON
+to	PART
+invest	VERB
+in	ADP
+Home	PROPN
+Depot	PROPN
+,	PUNCT
+Sun	PROPN
+,	PUNCT
+and	CCONJ
+Coke	PROPN
+,	PUNCT
+or	CCONJ
+trying	VERB
+to	PART
+pass	VERB
+off	ADP
+their	PRON
+banks	NOUN
+'	PART
+biased	ADJ
+research	NOUN
+reports	NOUN
+as	ADP
+something	PRON
+valuable	ADJ
+.	PUNCT
+
+The	DET
+above	ADJ
+services	NOUN
+provide	VERB
+no	DET
+value	NOUN
+to	ADP
+me	PRON
+personally	ADV
+.	PUNCT
+
+If	SCONJ
+you	PRON
+can	AUX
+present	VERB
+opportunities	NOUN
+such	ADJ
+as	ADP
+access	NOUN
+to	ADP
+private	ADJ
+equity	NOUN
+or	CCONJ
+hedge	NOUN
+funds	NOUN
+,	PUNCT
+or	CCONJ
+other	ADJ
+ideas	NOUN
+with	ADP
+strong	ADJ
+growth	NOUN
+potential	NOUN
+and	CCONJ
+low	ADJ
+correlation	NOUN
+to	ADP
+the	DET
+S@P	NOUN
+,	PUNCT
+I	PRON
+'d	AUX
+listen	VERB
+.	PUNCT
+
+John	PROPN
+
+John	PROPN
+-	PUNCT
+
+We	PRON
+'ll	AUX
+get	VERB
+the	DET
+paperwork	NOUN
+together	ADV
+and	CCONJ
+sent	VERB
+to	ADP
+you	PRON
+for	ADP
+naked	ADJ
+options	NOUN
+.	PUNCT
+
+At	ADP
+some	DET
+point	NOUN
+,	PUNCT
+I	PRON
+'d	AUX
+like	VERB
+to	PART
+talk	VERB
+about	ADP
+the	DET
+diversification	NOUN
+strategy	NOUN
+in	ADP
+more	ADJ
+detail	NOUN
+--	PUNCT
+perhaps	ADV
+over	ADP
+dinner	NOUN
+or	CCONJ
+a	DET
+quick	ADJ
+meeting	NOUN
+after	SCONJ
+the	DET
+markets	NOUN
+close	VERB
+?	PUNCT
+
+Michael	PROPN
+Gapinski	PROPN
+Account	NOUN
+Vice	NOUN
+President	NOUN
+Emery	PROPN
+Financial	PROPN
+Group	PROPN
+PaineWebber	PROPN
+,	PUNCT
+Inc.	PROPN
+713-654-0365	NUM
+800-553-3119	NUM
+x365	NOUN
+Fax	NOUN
+:	PUNCT
+713-654-1281	NUM
+Cell	NOUN
+:	PUNCT
+281-435-0295	NUM
+
+Michael	PROPN
+:	PUNCT
+
+Appreciate	VERB
+the	DET
+idea	NOUN
+.	PUNCT
+
+However	ADV
+,	PUNCT
+with	ADP
+my	PRON
+natural	ADJ
+long	NOUN
+,	PUNCT
+I	PRON
+'m	AUX
+not	PART
+looking	VERB
+to	PART
+really	ADV
+trade	VERB
+around	ADP
+the	DET
+position	NOUN
+.	PUNCT
+
+I	PRON
+believe	VERB
+ENE	PROPN
+will	AUX
+continue	VERB
+to	PART
+be	AUX
+range	NOUN
+bound	ADJ
+,	PUNCT
+but	CCONJ
+in	SCONJ
+case	NOUN
+it	PRON
+is	VERB
+not	PART
+,	PUNCT
+I	PRON
+do	AUX
+n't	PART
+want	VERB
+to	PART
+forgo	VERB
+50	NUM
+%	SYM
+of	ADP
+my	PRON
+option	NOUN
+premium	NOUN
+.	PUNCT
+
+I	PRON
+have	AUX
+price	NOUN
+targets	NOUN
+of	SCONJ
+where	ADV
+I	PRON
+would	AUX
+like	VERB
+to	PART
+lighten	VERB
+up	ADP
+exposure	NOUN
+to	ADP
+ENE	PROPN
+and	CCONJ
+will	AUX
+use	VERB
+calls	NOUN
+to	PART
+implement	VERB
+the	DET
+stategy	NOUN
+.	PUNCT
+
+To	ADP
+that	DET
+regards	NOUN
+,	PUNCT
+I	PRON
+noticed	VERB
+I	PRON
+was	AUX
+not	PART
+approved	VERB
+to	PART
+sell	VERB
+naked	ADJ
+calls	NOUN
+.	PUNCT
+
+I	PRON
+would	AUX
+like	VERB
+that	DET
+ability	NOUN
+in	ADP
+order	NOUN
+to	PART
+hedge	VERB
+some	DET
+exposure	NOUN
+I	PRON
+have	VERB
+of	ADP
+unexercised	ADJ
+vested	ADJ
+options	NOUN
+.	PUNCT
+
+Please	INTJ
+look	VERB
+into	ADP
+that	PRON
+for	ADP
+me	PRON
+.	PUNCT
+
+John	PROPN
+.	PUNCT
+
+John	PROPN
+-	PUNCT
+
+I	PRON
+was	AUX
+looking	VERB
+at	ADP
+the	DET
+recent	ADJ
+pullback	NOUN
+in	ADP
+ENE	PROPN
+and	CCONJ
+thinking	VERB
+it	PRON
+might	AUX
+be	AUX
+an	DET
+opportunity	NOUN
+to	PART
+buy	VERB
+back	ADP
+the	DET
+calls	NOUN
+you	PRON
+sold	VERB
+.	PUNCT
+
+Of	ADV
+course	ADV
+,	PUNCT
+you	PRON
+would	AUX
+then	ADV
+be	AUX
+in	ADP
+a	DET
+position	NOUN
+to	PART
+sell	VERB
+calls	NOUN
+again	ADV
+if	SCONJ
+the	DET
+stock	NOUN
+makes	VERB
+a	DET
+bounce	NOUN
+.	PUNCT
+
+I	PRON
+'m	AUX
+not	PART
+sure	ADJ
+that	SCONJ
+ENE	PROPN
+@	ADP
+75	NUM
+is	AUX
+the	DET
+place	NOUN
+,	PUNCT
+but	CCONJ
+maybe	ADV
+@	ADP
+73	NUM
+.	PUNCT
+
+Call	VERB
+me	PRON
+if	SCONJ
+you	PRON
+'re	AUX
+interested	ADJ
+.	PUNCT
+
+Michael	PROPN
+Gapinski	PROPN
+Account	NOUN
+Vice	NOUN
+President	NOUN
+Emery	PROPN
+Financial	PROPN
+Group	PROPN
+PaineWebber	PROPN
+,	PUNCT
+Inc.	PROPN
+713-654-0365	NUM
+800-553-3119	NUM
+x365	NOUN
+Fax	NOUN
+:	PUNCT
+713-654-1281	NUM
+Cell	NOUN
+:	PUNCT
+281-435-0295	NUM
+
+Notice	NOUN
+Regarding	VERB
+Entry	NOUN
+of	ADP
+Orders	NOUN
+and	CCONJ
+Instructions	NOUN
+:	PUNCT
+Please	INTJ
+do	AUX
+not	PART
+transmit	VERB
+orders	NOUN
+and	CCONJ
+/	PUNCT
+or	CCONJ
+instructions	NOUN
+regarding	VERB
+your	PRON
+PaineWebber	PROPN
+account	NOUN
+(	PUNCT
+s	X
+)	PUNCT
+by	ADP
+e-mail	NOUN
+.	PUNCT
+
+Orders	NOUN
+and	CCONJ
+/	PUNCT
+or	CCONJ
+instructions	NOUN
+transmitted	VERB
+by	ADP
+e-mail	NOUN
+will	AUX
+not	PART
+be	AUX
+accepted	VERB
+by	ADP
+PaineWebber	PROPN
+and	CCONJ
+PaineWebber	PROPN
+will	AUX
+not	PART
+be	AUX
+responsible	ADJ
+for	SCONJ
+carrying	VERB
+out	ADP
+such	ADJ
+orders	NOUN
+and	CCONJ
+/	PUNCT
+or	CCONJ
+instructions	NOUN
+.	PUNCT
+
+Notice	NOUN
+Regarding	VERB
+Privacy	NOUN
+and	CCONJ
+Confidentiality	NOUN
+:	PUNCT
+PaineWebber	PROPN
+reserves	VERB
+the	DET
+right	NOUN
+to	PART
+monitor	VERB
+and	CCONJ
+review	VERB
+the	DET
+content	NOUN
+of	ADP
+all	DET
+e-mail	NOUN
+communications	NOUN
+sent	VERB
+and	CCONJ
+/	PUNCT
+or	CCONJ
+received	VERB
+by	ADP
+its	PRON
+employees	NOUN
+.	PUNCT
+
+Notice	NOUN
+Regarding	VERB
+Entry	NOUN
+of	ADP
+Orders	NOUN
+and	CCONJ
+Instructions	NOUN
+:	PUNCT
+Please	INTJ
+do	AUX
+not	PART
+transmit	VERB
+orders	NOUN
+and	CCONJ
+/	PUNCT
+or	CCONJ
+instructions	NOUN
+regarding	VERB
+your	PRON
+PaineWebber	PROPN
+account	NOUN
+(	PUNCT
+s	X
+)	PUNCT
+by	ADP
+e-mail	NOUN
+.	PUNCT
+
+Orders	NOUN
+and	CCONJ
+/	PUNCT
+or	CCONJ
+instructions	NOUN
+transmitted	VERB
+by	ADP
+e-mail	NOUN
+will	AUX
+not	PART
+be	AUX
+accepted	VERB
+by	ADP
+PaineWebber	PROPN
+and	CCONJ
+PaineWebber	PROPN
+will	AUX
+not	PART
+be	AUX
+responsible	ADJ
+for	SCONJ
+carrying	VERB
+out	ADP
+such	ADJ
+orders	NOUN
+and	CCONJ
+/	PUNCT
+or	CCONJ
+instructions	NOUN
+.	PUNCT
+
+Notice	PROPN
+Regarding	VERB
+Privacy	NOUN
+and	CCONJ
+Confidentiality	NOUN
+:	PUNCT
+PaineWebber	PROPN
+reserves	VERB
+the	DET
+right	NOUN
+to	PART
+monitor	VERB
+and	CCONJ
+review	VERB
+the	DET
+content	NOUN
+of	ADP
+all	DET
+e-mail	NOUN
+communications	NOUN
+sent	VERB
+and	CCONJ
+/	PUNCT
+or	CCONJ
+received	VERB
+by	ADP
+its	PRON
+employees	NOUN
+.	PUNCT
+
+Notice	NOUN
+Regarding	VERB
+Entry	NOUN
+of	ADP
+Orders	NOUN
+and	CCONJ
+Instructions	NOUN
+:	PUNCT
+Please	INTJ
+do	AUX
+not	PART
+transmit	VERB
+orders	NOUN
+and	CCONJ
+/	PUNCT
+or	CCONJ
+instructions	NOUN
+regarding	VERB
+your	PRON
+PaineWebber	PROPN
+account	NOUN
+(	PUNCT
+s	X
+)	PUNCT
+by	ADP
+e-mail	NOUN
+.	PUNCT
+
+Orders	NOUN
+and	CCONJ
+/	PUNCT
+or	CCONJ
+instructions	NOUN
+transmitted	VERB
+by	ADP
+e-mail	NOUN
+will	AUX
+not	PART
+be	AUX
+accepted	VERB
+by	ADP
+PaineWebber	PROPN
+and	CCONJ
+PaineWebber	PROPN
+will	AUX
+not	PART
+be	AUX
+responsible	ADJ
+for	SCONJ
+carrying	VERB
+out	ADP
+such	ADJ
+orders	NOUN
+and	CCONJ
+/	PUNCT
+or	CCONJ
+instructions	NOUN
+.	PUNCT
+
+Notice	NOUN
+Regarding	VERB
+Privacy	NOUN
+and	CCONJ
+Confidentiality	NOUN
+:	PUNCT
+PaineWebber	PROPN
+reserves	VERB
+the	DET
+right	NOUN
+to	PART
+monitor	VERB
+and	CCONJ
+review	VERB
+the	DET
+content	NOUN
+of	ADP
+all	DET
+e-mail	NOUN
+communications	NOUN
+sent	VERB
+and	CCONJ
+/	PUNCT
+or	CCONJ
+received	VERB
+by	ADP
+its	PRON
+employees	NOUN
+.	PUNCT
+
+Who	PRON
+cares	VERB
+??????	PUNCT
+
+Please	INTJ
+note	VERB
+that	SCONJ
+effective	ADJ
+immediately	ADV
+my	PRON
+email	NOUN
+address	NOUN
+has	AUX
+changed	VERB
+to	ADP
+Sean.Cooper@ElPaso.com	X
+
+He	PRON
+just	ADV
+rescheduled	VERB
+to	ADP
+Wednesday	PROPN
+.	PUNCT
+
+How	ADV
+about	ADP
+dinner	NOUN
+on	ADP
+Wednesday	PROPN
+after	ADP
+that	PRON
+?	PUNCT
+
+Your	PRON
+buddy	NOUN
+Beau	PROPN
+invited	VERB
+me	PRON
+.	PUNCT
+
+How	ADV
+about	ADP
+prior	ADJ
+to	ADP
+that	PRON
+or	CCONJ
+after	ADP
+that	PRON
+on	ADP
+Tuesday	PROPN
+.	PUNCT
+
+not	PART
+really	ADV
+...	PUNCT
+
+already	ADV
+have	VERB
+plans	NOUN
+on	ADP
+thursday	PROPN
+.	PUNCT
+
+are	AUX
+you	PRON
+going	VERB
+to	ADP
+the	DET
+NYMEX	PROPN
+candidate	NOUN
+cocktail	NOUN
+hour	NOUN
+Tuesday	PROPN
+?	PUNCT
+
+oh	INTJ
+god	PROPN
+is	VERB
+there	PRON
+an	DET
+agenda	NOUN
+.	PUNCT
+
+Would	AUX
+dinner	NOUN
+Thursday	PROPN
+work	VERB
+instead	ADV
+.	PUNCT
+
+not	PART
+really	ADV
+...	PUNCT
+
+already	ADV
+have	VERB
+plans	NOUN
+on	ADP
+thursday	PROPN
+.	PUNCT
+
+are	AUX
+you	PRON
+going	VERB
+to	ADP
+the	DET
+NYMEX	PROPN
+candidate	NOUN
+cocktail	NOUN
+hour	NOUN
+Tuesday	PROPN
+?	PUNCT
+
+oh	INTJ
+god	PROPN
+is	VERB
+there	PRON
+an	DET
+agenda	NOUN
+.	PUNCT
+
+Wednesday	PROPN
+does	AUX
+n't	PART
+work	VERB
+for	ADP
+me	PRON
+.	PUNCT
+
+How	ADV
+about	ADP
+Tuesday's	PROPN
+at	ADP
+3:30	NUM
+Houston	PROPN
+time	NOUN
+.	PUNCT
+
+i	PRON
+completely	ADV
+agree	VERB
+.	PUNCT
+
+I	PRON
+would	AUX
+like	VERB
+to	PART
+have	VERB
+a	DET
+meeting	NOUN
+once	ADV
+a	DET
+week	NOUN
+for	ADP
+1	NUM
+-	SYM
+2	NUM
+hours	NOUN
+with	ADP
+all	DET
+6	NUM
+of	ADP
+us	PRON
+just	ADV
+to	PART
+make	VERB
+sure	ADJ
+we	PRON
+are	AUX
+moving	VERB
+forward	ADV
+and	CCONJ
+to	PART
+get	VERB
+an	DET
+update	NOUN
+and	CCONJ
+anything	PRON
+and	CCONJ
+everything	PRON
+.	PUNCT
+
+My	PRON
+only	ADJ
+concern	NOUN
+is	VERB
+that	SCONJ
+we	PRON
+take	VERB
+the	DET
+boys	NOUN
+away	ADV
+from	ADP
+their	PRON
+overwhelming	ADJ
+task	NOUN
+.	PUNCT
+
+What	PRON
+do	AUX
+you	PRON
+guys	NOUN
+think	VERB
+.	PUNCT
+
+John	PROPN
+
+OK	INTJ
+.	PUNCT
+
+I	PRON
+will	AUX
+have	VERB
+to	PART
+move	VERB
+my	PRON
+weekly	ADJ
+meeting	NOUN
+to	ADP
+Tuesday	PROPN
+.	PUNCT
+
+Monday's	PROPN
+starting	VERB
+next	ADJ
+week	NOUN
+at	ADP
+4	NUM
+???????????????	PUNCT
+
+Wednesday	PROPN
+does	AUX
+n't	PART
+work	VERB
+for	ADP
+me	PRON
+.	PUNCT
+
+How	ADV
+about	ADP
+Tuesday's	PROPN
+at	ADP
+3:30	NUM
+Houston	PROPN
+time	NOUN
+.	PUNCT
+
+i	PRON
+completely	ADV
+agree	VERB
+.	PUNCT
+
+I	PRON
+would	AUX
+like	VERB
+to	PART
+have	VERB
+a	DET
+meeting	NOUN
+once	ADV
+a	DET
+week	NOUN
+for	ADP
+1	NUM
+-	SYM
+2	NUM
+hours	NOUN
+with	ADP
+all	DET
+6	NUM
+of	ADP
+us	PRON
+just	ADV
+to	PART
+make	VERB
+sure	ADJ
+we	PRON
+are	AUX
+moving	VERB
+forward	ADV
+and	CCONJ
+to	PART
+get	VERB
+an	DET
+update	NOUN
+and	CCONJ
+anything	PRON
+and	CCONJ
+everything	PRON
+.	PUNCT
+
+My	PRON
+only	ADJ
+concern	NOUN
+is	VERB
+that	SCONJ
+we	PRON
+take	VERB
+the	DET
+boys	NOUN
+away	ADV
+from	ADP
+their	PRON
+overwhelming	ADJ
+task	NOUN
+.	PUNCT
+
+What	PRON
+do	AUX
+you	PRON
+guys	NOUN
+think	VERB
+.	PUNCT
+
+John	PROPN
+
+Not	PART
+yet	ADV
+.	PUNCT
+
+Did	AUX
+you	PRON
+happen	VERB
+to	PART
+sign	VERB
+your	PRON
+employment	NOUN
+agreement	NOUN
+?	PUNCT
+
+Please	INTJ
+respond	VERB
+to	ADP
+request	NOUN
+below	ADV
+.	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+John	PROPN
+Lavorato	PROPN
+has	AUX
+requested	VERB
+the	DET
+attached	VERB
+report	NOUN
+.	PUNCT
+
+He	PRON
+is	AUX
+concerned	ADJ
+about	ADP
+the	DET
+allocation	NOUN
+amongst	ADP
+categories	NOUN
+-	PUNCT
+in	ADP
+particular	ADJ
+,	PUNCT
+Real	PROPN
+Time	PROPN
+Traders	PROPN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+would	AUX
+,	PUNCT
+please	INTJ
+review	VERB
+the	DET
+entire	ADJ
+list	NOUN
+and	CCONJ
+let	VERB
+me	PRON
+know	VERB
+if	SCONJ
+you	PRON
+are	AUX
+in	ADP
+agreement	NOUN
+with	ADP
+the	DET
+presentation	NOUN
+by	ADP
+tomorrow	NOUN
+evening	NOUN
+,	PUNCT
+if	SCONJ
+possible	ADJ
+.	PUNCT
+
+I	PRON
+'m	AUX
+at	ADP
+x	NOUN
+if	SCONJ
+you	PRON
+have	VERB
+any	DET
+questions	NOUN
+.	PUNCT
+
+Thanks	NOUN
+!	PUNCT
+
+I	PRON
+understand	VERB
+all	DET
+of	ADP
+those	DET
+comparisons	NOUN
+,	PUNCT
+however	ADV
+,	PUNCT
+the	DET
+reality	NOUN
+is	VERB
+if	SCONJ
+we	PRON
+lose	VERB
+Dean	PROPN
+(	PUNCT
+which	PRON
+we	PRON
+will	AUX
+if	SCONJ
+we	PRON
+do	AUX
+n't	PART
+pay	VERB
+65	NUM
+k	NUM
++	SYM
+10	NUM
+k	NUM
+)	PUNCT
+,	PUNCT
+we	PRON
+will	AUX
+end	VERB
+up	ADP
+hiring	VERB
+a	DET
+replacement	NOUN
+at	ADP
+75	NUM
+-	SYM
+80	NUM
+k	NOUN
+.	PUNCT
+
+This	PRON
+is	AUX
+pretty	ADV
+easy	ADJ
+math	NOUN
+for	ADP
+me	PRON
+.	PUNCT
+
+I	PRON
+know	VERB
+it	PRON
+seems	VERB
+like	ADP
+a	DET
+stretch	NOUN
+,	PUNCT
+but	CCONJ
+the	DET
+market	NOUN
+for	ADP
+hourly	ADJ
+traders	NOUN
+is	AUX
+very	ADV
+strong	ADJ
+right	ADV
+now	ADV
+.	PUNCT
+
+I	PRON
+would	AUX
+like	VERB
+to	PART
+get	VERB
+this	PRON
+done	VERB
+ASAP	ADV
+.	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+reviewing	VERB
+the	DET
+request	NOUN
+for	ADP
+an	DET
+employment	NOUN
+agreement	NOUN
+renewal	NOUN
+on	ADP
+Mark	PROPN
+Dean	PROPN
+Laurent	PROPN
+.	PUNCT
+
+Juan	PROPN
+communicated	VERB
+some	DET
+numbers	NOUN
+to	ADP
+me	PRON
+and	CCONJ
+when	ADV
+reviewing	VERB
+this	DET
+request	NOUN
+would	AUX
+like	VERB
+to	PART
+ask	VERB
+you	PRON
+to	PART
+consider	VERB
+the	DET
+following	VERB
+:	PUNCT
+
+Current	ADJ
+Salary	NOUN
+:	PUNCT
+$	SYM
+47,500	NUM
+
+Job	NOUN
+Group	NOUN
+:	PUNCT
+Specialist	NOUN
+
+YE	NOUN
+PRC	NOUN
+Rating	NOUN
+:	PUNCT
+Satisfactory	ADJ
+
+Original	NOUN
+Proposition	NOUN
+:	PUNCT
+
+Base	NOUN
+Salary	NOUN
+65	NUM
+k	NOUN
+
+1	NUM
+Year	NOUN
+Agreement	NOUN
+
+$	SYM
+5,000	NUM
+signing	NOUN
+
+Revised	VERB
+Proposal	NOUN
+:	PUNCT
+
+Base	NOUN
+Salary	NOUN
+:	PUNCT
+55	NUM
+k	NUM
+
+1	NUM
+Year	NOUN
+agreement	NOUN
+
+$	SYM
+5,000	NUM
+signing	NOUN
+
+Business	NOUN
+Case	NOUN
+:	PUNCT
+If	SCONJ
+we	PRON
+offered	VERB
+Dean	ADJ
+55	NUM
+k	NUM
+or	CCONJ
+60	NUM
+k	NUM
+it	PRON
+would	AUX
+still	ADV
+constitute	VERB
+a	DET
+over	ADP
+a	DET
+$	SYM
+10,000	NUM
+increase	NOUN
+(	PUNCT
+approximately	ADV
+25	NUM
+%	SYM
+)	PUNCT
+and	CCONJ
+taking	VERB
+into	ADP
+consideration	NOUN
+he	PRON
+was	AUX
+rated	VERB
+as	ADP
+satisfactory	ADJ
+at	ADP
+the	DET
+specialist	ADJ
+level	NOUN
+.	PUNCT
+
+Also	ADV
+,	PUNCT
+the	DET
+top	NOUN
+of	ADP
+the	DET
+salary	ADJ
+range	NOUN
+for	ADP
+a	DET
+specialist	NOUN
+is	AUX
+66	NUM
+k	NOUN
+.	PUNCT
+
+It	PRON
+would	AUX
+still	ADV
+give	VERB
+him	PRON
+room	NOUN
+to	PART
+progress	VERB
+in	ADP
+the	DET
+current	ADJ
+job	NOUN
+group	NOUN
+should	AUX
+he	PRON
+not	PART
+be	AUX
+promoted	VERB
+.	PUNCT
+
+Secondly	ADV
+,	PUNCT
+he	PRON
+will	AUX
+still	ADV
+out	X
+price	VERB
+performers	NOUN
+that	PRON
+you	PRON
+have	VERB
+in	ADP
+the	DET
+same	ADJ
+job	NOUN
+group	NOUN
+that	PRON
+are	AUX
+excellent	ADJ
+and	CCONJ
+strong	ADJ
+performers	NOUN
+respectively	ADV
+eg.	X
+Paul	PROPN
+Thomas	PROPN
+,	PUNCT
+Jason	PROPN
+Choate	PROPN
+,	PUNCT
+Todd	PROPN
+DeCook	PROPN
+and	CCONJ
+Peter	PROPN
+Makkai	PROPN
+.	PUNCT
+
+Salary	PROPN
+Listing	PROPN
+in	ADP
+Job	PROPN
+Group	PROPN
+:	PUNCT
+
+Maria	PROPN
+Valdes	PROPN
+superior	ADJ
+$	SYM
+62,500	NUM
+
+Paul	PROPN
+Thomas	PROPN
+excellent	ADJ
+$	SYM
+55,008	NUM
+
+Jason	PROPN
+Choate	PROPN
+excellent	ADJ
+$	SYM
+60,008	NUM
+
+Todd	PROPN
+DeCook	PROPN
+strong	ADJ
+$	SYM
+42,008	NUM
+
+Peter	PROPN
+Makkai	PROPN
+strong	ADJ
+$	SYM
+47,500	NUM
+
+Let	VERB
+me	PRON
+know	VERB
+your	PRON
+thoughts	NOUN
+....	PUNCT
+then	ADV
+I	PRON
+will	AUX
+run	VERB
+it	PRON
+by	ADP
+Oxley	PROPN
+.	PUNCT
+
+Are	AUX
+we	PRON
+going	VERB
+to	PART
+attend	VERB
+?	PUNCT
+
+Transmission	NOUN
+Expansion	NOUN
+and	CCONJ
+Systems	PROPN
+in	ADP
+Transition	PROPN
+Conference	PROPN
+Feb.	PROPN
+5	NUM
+-	SYM
+8	NUM
+,	PUNCT
+2002	NUM
+,	PUNCT
+Miami	PROPN
+,	PUNCT
+Florida	PROPN
+
+OVERVIEW	NOUN
+
+This	DET
+conference	NOUN
+will	AUX
+examine	VERB
+the	DET
+business	NOUN
+and	CCONJ
+regulatory	ADJ
+challenges	NOUN
+to	ADP
+U.S.	PROPN
+electric	ADJ
+systems	NOUN
+in	ADP
+transition	NOUN
+in	SCONJ
+effectively	ADV
+expanding	VERB
+transmission	NOUN
+capacity	NOUN
+to	PART
+meet	VERB
+new	ADJ
+demands	NOUN
+in	ADP
+the	DET
+larger	ADJ
+and	CCONJ
+more	ADJ
+competitive	ADJ
+regional	ADJ
+markets	NOUN
+emerging	VERB
+under	ADP
+FERC	PROPN
+'s	PART
+RTO	PROPN
+initiatives	NOUN
+.	PUNCT
+
+The	DET
+conference	NOUN
+will	AUX
+review	VERB
+the	DET
+parameters	NOUN
+of	ADP
+these	DET
+challenges	NOUN
+and	CCONJ
+possible	ADJ
+solutions	NOUN
+to	ADP
+them	PRON
+.	PUNCT
+
+It	PRON
+will	AUX
+examine	VERB
+technology	NOUN
+options	NOUN
+and	CCONJ
+new	ADJ
+business	NOUN
+models	NOUN
+for	ADP
+transmission	NOUN
+expansion	NOUN
+.	PUNCT
+
+It	PRON
+will	AUX
+analyze	VERB
+emerging	VERB
+proposals	NOUN
+for	ADP
+effective	ADJ
+transmission	NOUN
+planning	NOUN
+and	CCONJ
+pricing	NOUN
+,	PUNCT
+including	VERB
+market	NOUN
+-	PUNCT
+based	VERB
+pricing	NOUN
+alternatives	NOUN
+to	ADP
+FERC	PROPN
+'s	PART
+traditional	ADJ
+pricing	NOUN
+methods	NOUN
+.	PUNCT
+
+The	DET
+conference	NOUN
+will	AUX
+also	ADV
+discuss	VERB
+what	PRON
+it	PRON
+will	AUX
+take	VERB
+in	ADP
+legislative	ADJ
+action	NOUN
+and	CCONJ
+regulatory	ADJ
+initiative	NOUN
+to	PART
+achieve	VERB
+an	DET
+efficient	ADJ
+regime	NOUN
+for	SCONJ
+ensuring	VERB
+that	SCONJ
+the	DET
+nation	NOUN
+has	VERB
+a	DET
+reliable	ADJ
+grid	NOUN
+and	CCONJ
+regional	ADJ
+trading	NOUN
+system	NOUN
+.	PUNCT
+
+The	DET
+brochure	NOUN
+for	ADP
+the	DET
+Conference	PROPN
+and	CCONJ
+associated	ADJ
+Workshops	PROPN
+can	AUX
+be	AUX
+obtained	VERB
+by	SCONJ
+clicking	VERB
+on	ADP
+the	DET
+link	NOUN
+below	ADV
+:	PUNCT
+<	PUNCT
+http://www.euci.com/pdf/trans_expn.pdf	X
+>	PUNCT
+<<	PUNCT
+http://www.euci.com/pdf/trans_expn.pdf	X
+>>	PUNCT
+
+Electricity	NOUN
+Market	PROPN
+Design	PROPN
+Conference	PROPN
+March	PROPN
+25	NUM
+-	SYM
+26	NUM
+,	PUNCT
+2002	NUM
+,	PUNCT
+Atlanta	PROPN
+,	PUNCT
+Georgia	PROPN
+
+I	PRON
+need	VERB
+to	PART
+check	VERB
+something	PRON
+in	ADP
+969	NUM
+'s	PART
+2000	NUM
+tax	NOUN
+return	NOUN
+.	PUNCT
+
+Who	PRON
+has	VERB
+the	DET
+2000	NUM
+tax	NOUN
+return	NOUN
+file	NOUN
+for	ADP
+969	NUM
+?	PUNCT
+
+Essie	PROPN
+
+Sonya	PROPN
+City	PROPN
+
+07/30/2001	NUM
+05:17	NUM
+PM	NOUN
+
+<	PUNCT
+Embedded	VERB
+Picture	NOUN
+(	PUNCT
+Device	NOUN
+Independent	ADJ
+Bitmap	NOUN
+)	PUNCT
+>	PUNCT
+
+I	PRON
+think	VERB
+that	SCONJ
+this	PRON
+is	AUX
+for	ADP
+you	PRON
+since	SCONJ
+I	PRON
+do	AUX
+n't	PART
+know	VERB
+any	DET
+of	ADP
+these	DET
+people	NOUN
+.	PUNCT
+
+WHO	PRON
+:	PUNCT
+Enron	PROPN
+
+WHAT	PRON
+:	PUNCT
+Happy	ADJ
+Hour	NOUN
+for	ADP
+John	PROPN
+Suarez	PROPN
+
+WHEN	ADV
+:	PUNCT
+Today	NOUN
+at	ADP
+5	NUM
+pm	NOUN
+
+WHERE	ADV
+:	PUNCT
+The	DET
+Front	PROPN
+Porch	PROPN
+217	NUM
+Gray	PROPN
+St.	PROPN
+(	PUNCT
+713	NUM
+)	PUNCT
+571-9571	NUM
+
+WHY	ADV
+:	PUNCT
+Today	NOUN
+is	AUX
+John	PROPN
+'s	PART
+last	ADJ
+day	NOUN
+at	ADP
+EBS	PROPN
+.	PUNCT
+
+This	PRON
+is	AUX
+NOT	PART
+an	DET
+Enron	PROPN
+-	PUNCT
+sponsored	VERB
+event	NOUN
+.	PUNCT
+
+How	ADV
+do	AUX
+you	PRON
+feel	VERB
+about	SCONJ
+taking	VERB
+on	ADP
+another	DET
+company	NOUN
+?	PUNCT
+
+Essie	PROPN
+and	CCONJ
+Leon	PROPN
+have	AUX
+proposed	VERB
+xferring	VERB
+Co.	NOUN
+1691	NUM
+to	ADP
+your	PRON
+world	NOUN
+(	PUNCT
+see	VERB
+below	ADV
+)	PUNCT
+.	PUNCT
+
+Do	AUX
+you	PRON
+concur	VERB
+?	PUNCT
+
+Please	INTJ
+let	VERB
+me	PRON
+know	VERB
+Monday	PROPN
+morning	NOUN
+.	PUNCT
+
+Regards	NOUN
+,	PUNCT
+
+Vicsandra	PROPN
+
+If	SCONJ
+you	PRON
+have	AUX
+not	PART
+already	ADV
+made	VERB
+these	DET
+decisions	NOUN
+,	PUNCT
+Essie	PROPN
+'s	PART
+guidance	NOUN
+should	AUX
+be	AUX
+helpful	ADJ
+.	PUNCT
+
+Patty	PROPN
+Lee	PROPN
+Corporate	ADJ
+Tax	NOUN
+x35172	NOUN
+EB	PROPN
+1774	NUM
+
+Please	INTJ
+see	VERB
+my	PRON
+comments	NOUN
+in	ADP
+red	ADJ
+below	ADV
+.	PUNCT
+
+Essie	PROPN
+
+Essie	PROPN
+,	PUNCT
+
+Can	AUX
+you	PRON
+recommend	VERB
+where	ADV
+these	DET
+companies	NOUN
+each	DET
+fit	VERB
+within	ADP
+the	DET
+new	ADJ
+organization	NOUN
+?	PUNCT
+
+If	SCONJ
+possible	ADJ
+,	PUNCT
+can	AUX
+you	PRON
+also	ADV
+give	VERB
+an	DET
+indication	NOUN
+of	ADP
+the	DET
+rank	NOUN
+-	PUNCT
+1	NUM
+through	ADP
+5	NUM
+?	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Patty	PROPN
+
+I	PRON
+have	VERB
+a	DET
+few	ADJ
+entities	NOUN
+that	PRON
+may	AUX
+need	VERB
+to	PART
+change	VERB
+groups	NOUN
+or	CCONJ
+be	AUX
+assigned	VERB
+to	ADP
+a	DET
+group	NOUN
+.	PUNCT
+
+18T	NOUN
+-	PUNCT
+EI	PROPN
+Indonesia	PROPN
+Operations	PROPN
+LLC	PROPN
+
+This	DET
+entity	NOUN
+is	AUX
+not	PART
+in	ADP
+TIS	PROPN
+,	PUNCT
+SAP	PROPN
+,	PUNCT
+nor	CCONJ
+Hyperion	PROPN
+.	PUNCT
+
+The	DET
+2000	NUM
+tax	NOUN
+return	NOUN
+has	VERB
+no	DET
+income	NOUN
+,	PUNCT
+assets	NOUN
+,	PUNCT
+or	CCONJ
+liabilities	NOUN
+.	PUNCT
+
+There	PRON
+is	VERB
+a	DET
+corporate	ADJ
+data	NOUN
+sheet	NOUN
+for	ADP
+this	DET
+company	NOUN
+,	PUNCT
+but	CCONJ
+this	DET
+entity	NOUN
+seems	VERB
+to	PART
+have	AUX
+been	AUX
+inactive	ADJ
+since	ADP
+it	PRON
+'s	VERB
+creation	NOUN
+.	PUNCT
+
+86M	NOUN
+-	PUNCT
+Enron	PROPN
+Net	PROPN
+Works	PROPN
+LLC	PROPN
+
+Despite	ADP
+the	DET
+name	NOUN
+,	PUNCT
+this	DET
+entity	NOUN
+appears	VERB
+to	PART
+be	AUX
+a	DET
+MTM	PROPN
+company	NOUN
+.	PUNCT
+
+Per	ADP
+September	PROPN
+financials	NOUN
+,	PUNCT
+this	DET
+company	NOUN
+has	VERB
+about	ADV
+$	SYM
+3	NUM
+M	NUM
+of	ADP
+MTM	PROPN
+and	CCONJ
+about	ADV
+$	SYM
+8	NUM
+K	NUM
+of	ADP
+expenses	NOUN
+,	PUNCT
+nothing	PRON
+else	ADJ
+.	PUNCT
+
+The	DET
+next	ADJ
+5	NUM
+companies	NOUN
+were	AUX
+my	PRON
+responsibility	NOUN
+while	SCONJ
+in	ADP
+EBS	PROPN
+,	PUNCT
+and	CCONJ
+did	AUX
+not	PART
+get	AUX
+assigned	VERB
+during	ADP
+the	DET
+reorg	NOUN
+.	PUNCT
+
+80Y	NOUN
+-	PUNCT
+Enron	PROPN
+Broadband	PROPN
+Acquisition	PROPN
+,	PUNCT
+Inc	PROPN
+.	PUNCT
+
+This	DET
+entity	NOUN
+was	AUX
+created	VERB
+in	ADP
+2000	NUM
+for	ADP
+the	DET
+acquistion	NOUN
+of	ADP
+WarpSpeed	PROPN
+Communications	PROPN
+(	PUNCT
+now	ADV
+Enron	PROPN
+WarpSpeed	PROPN
+Services	PROPN
+,	PUNCT
+Inc.	PROPN
+83N	NOUN
+)	PUNCT
+,	PUNCT
+and	CCONJ
+then	ADV
+dissolved	VERB
+upon	ADP
+completion	NOUN
+of	ADP
+merger	NOUN
+.	PUNCT
+
+Company	NOUN
+is	AUX
+around	ADV
+with	ADP
+a	DET
+small	ADJ
+amount	NOUN
+of	ADP
+assets	NOUN
+and	CCONJ
+liabilities	NOUN
+,	PUNCT
+but	CCONJ
+no	DET
+I/S	NOUN
+items	NOUN
+.	PUNCT
+
+83N	NOUN
+is	AUX
+my	PRON
+responsibility	NOUN
+.	PUNCT
+
+I	PRON
+think	VERB
+this	DET
+entity	NOUN
+should	AUX
+stay	VERB
+with	ADP
+83N	NOUN
+.	PUNCT
+
+So	ADV
+I	PRON
+suggest	VERB
+it	PRON
+be	AUX
+assigned	VERB
+to	ADP
+Leon	PROPN
+.	PUNCT
+
+It	PRON
+should	AUX
+be	AUX
+4	NUM
+-	PUNCT
+easy	ADJ
+.	PUNCT
+
+1579	NUM
+-	PUNCT
+EBS	PROPN
+Network	PROPN
+Co.	PROPN
+Division	NOUN
+of	ADP
+17H	NOUN
+.	PUNCT
+
+This	DET
+one	NOUN
+should	AUX
+possibly	ADV
+be	AUX
+assigned	VERB
+to	ADP
+Networks	NOUN
+&	CCONJ
+Services	NOUN
+group	NOUN
+.	PUNCT
+
+Not	PART
+currently	ADV
+on	ADP
+our	PRON
+list	NOUN
+of	ADP
+companies	NOUN
+.	PUNCT
+
+I	PRON
+think	VERB
+this	PRON
+could	AUX
+go	VERB
+to	ADP
+either	DET
+Holding	NOUN
+/	PUNCT
+Administrative	ADJ
+Companies	NOUN
+(	PUNCT
+Same	ADJ
+as	ADP
+17H	NOUN
+)	PUNCT
+or	CCONJ
+Network	NOUN
+&	CCONJ
+Services	NOUN
+(	PUNCT
+Leon	PROPN
+)	PUNCT
+.	PUNCT
+
+4	NUM
+-	PUNCT
+easy	ADJ
+.	PUNCT
+
+1691	NUM
+-	PUNCT
+EPI	PROPN
+-	PUNCT
+EBS	PROPN
+Europe	PROPN
+
+Set	VERB
+up	ADP
+last	ADJ
+month	NOUN
+to	PART
+centralize	VERB
+merchant	NOUN
+asset	NOUN
+activities	NOUN
+.	PUNCT
+
+Broke	VERB
+out	ADP
+the	DET
+activities	NOUN
+of	ADP
+1179	NUM
+.	PUNCT
+
+A	DET
+similar	ADJ
+entity	NOUN
+(	PUNCT
+1179	NUM
+)	PUNCT
+was	AUX
+assigned	VERB
+to	ADP
+Commodity	NOUN
+and	CCONJ
+Trade	NOUN
+(	PUNCT
+Todd	PROPN
+Richards	PROPN
+and	CCONJ
+Mary	PROPN
+Fischer	PROPN
+)	PUNCT
+so	ADV
+this	DET
+one	NOUN
+should	AUX
+be	AUX
+assigned	VERB
+to	ADP
+them	PRON
+as	ADV
+well	ADV
+.	PUNCT
+
+4	NUM
+-	PUNCT
+easy	ADJ
+.	PUNCT
+
+1307	NUM
+-	PUNCT
+EBIC	PROPN
+-	PUNCT
+Apache	PROPN
+,	PUNCT
+LLC	PROPN
+
+Rolls	VERB
+up	ADP
+to	ADP
+Cherokee	PROPN
+Finance	PROPN
+VOF	PROPN
+,	PUNCT
+a	DET
+CFC	NOUN
+.	PUNCT
+
+Cherokee	PROPN
+Finance	PROPN
+VOF	PROPN
+is	AUX
+assigned	VERB
+to	ADP
+North	PROPN
+America	PROPN
+(	PUNCT
+Glen	PROPN
+Walloch	PROPN
+and	CCONJ
+Kevin	PROPN
+Walker	PROPN
+)	PUNCT
+.	PUNCT
+
+Maybe	ADV
+this	DET
+one	NOUN
+should	AUX
+also	ADV
+go	VERB
+to	ADP
+them	PRON
+as	SCONJ
+the	DET
+only	ADJ
+tax	NOUN
+which	PRON
+may	AUX
+have	VERB
+to	PART
+be	AUX
+provided	VERB
+would	AUX
+be	AUX
+foreign	ADJ
+tax	NOUN
+.	PUNCT
+
+4	NUM
+-	PUNCT
+easy	ADJ
+.	PUNCT
+
+1689	NUM
+-	PUNCT
+EPI	PROPN
+-	PUNCT
+EBS	PROPN
+Ventures	PROPN
+,	PUNCT
+LLC	PROPN
+
+Set	VERB
+up	ADP
+last	ADJ
+month	NOUN
+to	PART
+centralize	VERB
+merchant	NOUN
+asset	NOUN
+activities	NOUN
+.	PUNCT
+
+Broke	VERB
+out	ADP
+the	DET
+activities	NOUN
+of	ADP
+1307	NUM
+.	PUNCT
+
+Same	ADJ
+as	ADP
+1307	NUM
+.	PUNCT
+
+It	PRON
+should	AUX
+be	AUX
+assigned	VERB
+to	ADP
+North	PROPN
+America	PROPN
+(	PUNCT
+Glen	PROPN
+Walloch	PROPN
+and	CCONJ
+Kevin	PROPN
+Walker	PROPN
+)	PUNCT
+.	PUNCT
+
+4	NUM
+-	PUNCT
+easy	ADJ
+.	PUNCT
+
+Let	VERB
+me	PRON
+know	VERB
+if	SCONJ
+you	PRON
+have	VERB
+any	DET
+questions	NOUN
+.	PUNCT
+
+Leon	PROPN
+Branom	PROPN
+Senior	ADJ
+Tax	NOUN
+Analyst	NOUN
+Networks	NOUN
+and	CCONJ
+Services	NOUN
+(	PUNCT
+713	NUM
+)	PUNCT
+345-8702	NUM
+office	NOUN
+leon.branom@enron.com	X
+
+No	DET
+problem	NOUN
+about	SCONJ
+moving	VERB
+Company	NOUN
+1691	NUM
+over	ADV
+
+I	PRON
+see	VERB
+that	SCONJ
+it	PRON
+is	AUX
+a	DET
+4	NUM
+,	PUNCT
+so	ADV
+that	PRON
+will	AUX
+be	AUX
+no	DET
+problem	NOUN
+.	PUNCT
+
+How	ADV
+do	AUX
+you	PRON
+feel	VERB
+about	SCONJ
+taking	VERB
+on	ADP
+another	DET
+company	NOUN
+?	PUNCT
+
+Essie	PROPN
+and	CCONJ
+Leon	PROPN
+have	AUX
+proposed	VERB
+xferring	VERB
+Co.	NOUN
+1691	NUM
+to	ADP
+your	PRON
+world	NOUN
+(	PUNCT
+see	VERB
+below	ADV
+)	PUNCT
+.	PUNCT
+
+Do	AUX
+you	PRON
+concur	VERB
+?	PUNCT
+
+Please	INTJ
+let	VERB
+me	PRON
+know	VERB
+Monday	PROPN
+morning	NOUN
+.	PUNCT
+
+Regards	NOUN
+,	PUNCT
+
+Vicsandra	PROPN
+
+If	SCONJ
+you	PRON
+have	AUX
+not	PART
+already	ADV
+made	VERB
+these	DET
+decisions	NOUN
+,	PUNCT
+Essie	PROPN
+'s	PART
+guidance	NOUN
+should	AUX
+be	AUX
+helpful	ADJ
+.	PUNCT
+
+Patty	PROPN
+Lee	PROPN
+Corporate	ADJ
+Tax	NOUN
+x35172	NOUN
+EB	PROPN
+1774	NUM
+
+Please	INTJ
+see	VERB
+my	PRON
+comments	NOUN
+in	ADP
+red	ADJ
+below	ADV
+.	PUNCT
+
+Essie	PROPN
+
+Essie	PROPN
+,	PUNCT
+
+Can	AUX
+you	PRON
+recommend	VERB
+where	ADV
+these	DET
+companies	NOUN
+each	DET
+fit	VERB
+within	ADP
+the	DET
+new	ADJ
+organization	NOUN
+?	PUNCT
+
+If	SCONJ
+possible	ADJ
+,	PUNCT
+can	AUX
+you	PRON
+also	ADV
+give	VERB
+an	DET
+indication	NOUN
+of	ADP
+the	DET
+rank	NOUN
+-	PUNCT
+1	NUM
+through	ADP
+5	NUM
+?	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Patty	PROPN
+
+Virginia	PROPN
+,	PUNCT
+
+Hello	INTJ
+.	PUNCT
+
+I	PRON
+was	AUX
+originally	ADV
+inquiring	VERB
+about	SCONJ
+purchasing	VERB
+a	DET
+Cross	PROPN
+or	CCONJ
+Signac	PROPN
+impressionist	ADJ
+lithograph	NOUN
+.	PUNCT
+
+I	PRON
+found	VERB
+them	PRON
+and	CCONJ
+purchased	VERB
+both	DET
+from	ADP
+a	DET
+gallery	NOUN
+in	ADP
+London	PROPN
+,	PUNCT
+William	PROPN
+Weston	PROPN
+.	PUNCT
+
+They	PRON
+should	AUX
+be	AUX
+delivered	VERB
+this	DET
+week	NOUN
+.	PUNCT
+
+They	PRON
+are	AUX
+beautiful	ADJ
+and	CCONJ
+will	AUX
+add	VERB
+a	DET
+lot	NOUN
+to	ADP
+our	PRON
+collection	NOUN
+.	PUNCT
+
+By	ADP
+the	DET
+way	NOUN
+the	DET
+Lichtenstein	PROPN
+is	VERB
+up	ADV
+and	CCONJ
+hanging	VERB
+in	ADP
+our	PRON
+formal	ADJ
+living	NOUN
+room	NOUN
+and	CCONJ
+it	PRON
+is	AUX
+magnificent	ADJ
+.	PUNCT
+
+I	PRON
+have	AUX
+also	ADV
+purchased	VERB
+an	DET
+Appel	PROPN
+in	ADP
+the	DET
+last	ADJ
+month	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+interested	ADJ
+in	ADP
+several	ADJ
+artists	NOUN
+.	PUNCT
+
+Actually	ADV
+,	PUNCT
+a	DET
+lot	NOUN
+.	PUNCT
+
+I	PRON
+will	AUX
+be	AUX
+looking	VERB
+for	ADP
+one	NUM
+or	CCONJ
+more	ADJ
+of	ADP
+the	DET
+following	VERB
+.	PUNCT
+
+My	PRON
+concept	NOUN
+is	VERB
+that	SCONJ
+over	ADP
+time	NOUN
+I	PRON
+would	AUX
+like	VERB
+to	PART
+own	VERB
+one	NUM
+of	ADP
+all	DET
+the	DET
+following	VERB
+artists	NOUN
+and	CCONJ
+they	PRON
+are	AUX
+all	ADV
+depending	VERB
+when	ADV
+I	PRON
+find	VERB
+something	PRON
+that	PRON
+we	PRON
+really	ADV
+like	VERB
+.	PUNCT
+
+I	PRON
+listed	VERB
+all	DET
+of	ADP
+our	PRON
+(	PUNCT
+sometimes	ADV
+mine	PRON
+vs.	ADP
+my	PRON
+wife	NOUN
+'s	PART
+favorites	NOUN
+and	CCONJ
+priorities	NOUN
+)	PUNCT
+.	PUNCT
+
+They	PRON
+are	AUX
+kind	ADV
+of	ADV
+in	ADP
+rank	NOUN
+order	NOUN
+but	CCONJ
+as	SCONJ
+I	PRON
+stated	VERB
+if	SCONJ
+I	PRON
+find	VERB
+the	DET
+piece	NOUN
+that	PRON
+I	PRON
+like	VERB
+we	PRON
+will	AUX
+purchase	VERB
+it	PRON
+.	PUNCT
+
+I	PRON
+want	VERB
+signed	VERB
+and	CCONJ
+numbered	VERB
+.	PUNCT
+
+I	PRON
+realize	VERB
+that	SCONJ
+some	DET
+were	AUX
+not	PART
+signed	VERB
+by	ADP
+the	DET
+artist	NOUN
+but	CCONJ
+it	PRON
+is	AUX
+an	DET
+important	ADJ
+fact	NOUN
+in	ADP
+my	PRON
+buying	NOUN
+decision	NOUN
+.	PUNCT
+
+I	PRON
+also	ADV
+realize	VERB
+that	SCONJ
+some	DET
+may	AUX
+not	PART
+have	AUX
+done	VERB
+any	DET
+works	NOUN
+on	ADP
+paper	NOUN
+or	CCONJ
+they	PRON
+are	AUX
+outrageously	ADV
+expensive	ADJ
+.	PUNCT
+
+For	ADP
+example	NOUN
+,	PUNCT
+I	PRON
+would	AUX
+like	VERB
+to	PART
+know	VERB
+if	SCONJ
+Rothko	PROPN
+or	CCONJ
+Kline	PROPN
+did	VERB
+any	DET
+work	NOUN
+on	ADP
+paper	NOUN
+.	PUNCT
+
+At	ADV
+least	ADV
+that	PRON
+is	AUX
+what	PRON
+I	PRON
+am	AUX
+thinking	VERB
+now	ADV
+.	PUNCT
+
+Bonnard	PROPN
+(	PUNCT
+colorful	ADJ
+only	ADV
+)	PUNCT
+
+Lautrec	PROPN
+
+Suerat	PROPN
+(	PUNCT
+any	DET
+works	NOUN
+on	ADP
+paper	NOUN
+?	PUNCT
+-	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+know	VERB
+that	SCONJ
+he	PRON
+did	VERB
+any	DET
+)	PUNCT
+
+Other	ADJ
+impressionist	ADJ
+or	CCONJ
+post	X
+impressionist	ADJ
+lithos	NOUN
+
+Braque	PROPN
+
+Moore	PROPN
+
+Arp	PROPN
+
+Rouault	PROPN
+
+Modrian	PROPN
+
+Rothko	PROPN
+
+Kline	PROPN
+
+Motherwell	PROPN
+
+By	ADP
+the	DET
+way	NOUN
+,	PUNCT
+I	PRON
+am	AUX
+interested	ADJ
+in	SCONJ
+re-looking	VERB
+at	ADP
+a	DET
+Picasso	PROPN
+(	PUNCT
+although	SCONJ
+we	PRON
+have	VERB
+2	NUM
+)	PUNCT
+that	PRON
+your	PRON
+gallery	NOUN
+had	VERB
+a	DET
+couple	NOUN
+of	ADP
+years	NOUN
+ago	ADV
+.	PUNCT
+
+It	PRON
+was	AUX
+a	DET
+cubist	ADJ
+piece	NOUN
+from	ADP
+the	DET
+1920s	NOUN
+and	CCONJ
+I	PRON
+believe	VERB
+you	PRON
+called	VERB
+the	DET
+technique	NOUN
+a	DET
+"	PUNCT
+push	NOUN
+wa	NOUN
+"	PUNCT
+(	PUNCT
+pronunciation	NOUN
+Vs	ADP
+an	DET
+attempt	NOUN
+at	ADP
+the	DET
+proper	ADJ
+spelling	NOUN
+)	PUNCT
+.	PUNCT
+
+It	PRON
+was	AUX
+for	ADP
+sale	NOUN
+in	ADP
+a	DET
+couple	NOUN
+of	ADP
+galleries	NOUN
+in	ADP
+SF	PROPN
+and	CCONJ
+was	AUX
+about	ADV
+$	SYM
+20,000	NUM
+.	PUNCT
+
+Is	VERB
+there	PRON
+1	NUM
+available	ADJ
+?	PUNCT
+
+Also	ADV
+I	PRON
+am	AUX
+still	ADV
+thinking	VERB
+about	ADP
+the	DET
+Matisse	PROPN
+we	PRON
+discussed	VERB
+before	ADV
+but	CCONJ
+as	SCONJ
+you	PRON
+can	AUX
+see	VERB
+,	PUNCT
+I	PRON
+have	VERB
+a	DET
+lot	NOUN
+of	ADP
+other	ADJ
+artists	NOUN
+I	PRON
+am	AUX
+interested	ADJ
+in	ADP
+and	CCONJ
+it	PRON
+may	AUX
+remain	VERB
+on	ADP
+the	DET
+back	ADJ
+burner	NOUN
+because	SCONJ
+we	PRON
+already	ADV
+have	VERB
+one	NUM
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+mike	PROPN
+
+Huskers	PROPN
+drool	VERB
+over	ADP
+Sooners	PROPN
+.	PUNCT
+
+Ken	X
+Rice@ENRON	X
+COMMUNICATIONS	X
+
+01/19/2001	NUM
+09:14	NUM
+AM	NOUN
+
+Huskers	PROPN
+rule	VERB
+,	PUNCT
+Sooners	PROPN
+drool	VERB
+.	PUNCT
+
+Mike	X
+McConnell@ECT	X
+
+01/19/01	NUM
+07:55	NUM
+AM	NOUN
+
+Thanks	NOUN
+for	ADP
+the	DET
+note	NOUN
+.	PUNCT
+
+Sooners	PROPN
+rule	VERB
+.	PUNCT
+
+We	PRON
+'ll	AUX
+find	VERB
+time	NOUN
+when	ADV
+things	NOUN
+settle	VERB
+down	ADP
+.	PUNCT
+
+m	PROPN
+
+Ken	X
+Rice@ENRON	X
+COMMUNICATIONS	X
+
+01/19/2001	NUM
+07:24	NUM
+AM	NOUN
+
+Mike	PROPN
+
+I	PRON
+see	VERB
+that	SCONJ
+we	PRON
+are	AUX
+scheduled	VERB
+to	PART
+have	VERB
+lunch	NOUN
+today	NOUN
+.	PUNCT
+
+I	PRON
+may	AUX
+have	VERB
+to	PART
+postpone	VERB
+again	ADV
+,	PUNCT
+I	PRON
+'ll	AUX
+let	VERB
+you	PRON
+know	VERB
+later	ADV
+this	DET
+morning	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+out	ADV
+all	DET
+weekend	NOUN
+and	CCONJ
+we	PRON
+have	VERB
+to	PART
+have	VERB
+the	DET
+final	ADJ
+comments	NOUN
+on	ADP
+the	DET
+Analyst	NOUN
+Presentation	NOUN
+in	ADV
+by	ADP
+sunday	PROPN
+night	NOUN
+so	ADV
+I	PRON
+may	AUX
+be	AUX
+working	VERB
+over	ADP
+lunch	NOUN
+.	PUNCT
+
+Actually	ADV
+,	PUNCT
+I	PRON
+think	VERB
+we	PRON
+are	AUX
+in	ADP
+pretty	ADV
+good	ADJ
+shape	NOUN
+so	ADV
+I	PRON
+will	AUX
+probably	ADV
+be	AUX
+doing	VERB
+lunch	NOUN
+but	CCONJ
+just	ADV
+do	AUX
+n't	PART
+be	AUX
+too	ADV
+mad	ADJ
+if	SCONJ
+I	PRON
+have	VERB
+to	PART
+cancel	VERB
+.	PUNCT
+
+Ken	PROPN
+
+PS	NOUN
+Your	PRON
+brother	NOUN
+told	VERB
+me	PRON
+he	PRON
+went	VERB
+to	ADP
+3	NUM
+bowl	NOUN
+games	NOUN
+(	PUNCT
+when	ADV
+I	PRON
+found	VERB
+out	ADP
+that	SCONJ
+two	NUM
+of	ADP
+them	PRON
+were	AUX
+the	DET
+galleryfurniture.com	X
+bowl	NOUN
+and	CCONJ
+that	DET
+one	NOUN
+in	ADP
+Shreveport	PROPN
+(	PUNCT
+I	PRON
+ca	AUX
+n't	PART
+remember	VERB
+the	DET
+name	NOUN
+of	ADP
+it	PRON
+))	PUNCT
+I	PRON
+realized	VERB
+he	PRON
+is	AUX
+a	DET
+very	ADV
+,	PUNCT
+very	ADV
+sick	ADJ
+college	NOUN
+football	NOUN
+fan	NOUN
+.	PUNCT
+
+Jeff	PROPN
+,	PUNCT
+here	ADV
+is	AUX
+the	DET
+intial	ADJ
+draft	NOUN
+.	PUNCT
+
+Please	INTJ
+leave	VERB
+as	ADP
+a	DET
+word	PROPN
+document	NOUN
+and	CCONJ
+make	VERB
+any	DET
+changes	NOUN
+and	CCONJ
+additions	NOUN
+that	PRON
+you	PRON
+think	VERB
+necessary	ADJ
+.	PUNCT
+
+I	PRON
+have	AUX
+n't	PART
+even	ADV
+changed	VERB
+the	DET
+wording	NOUN
+after	SCONJ
+I	PRON
+first	ADV
+put	VERB
+it	PRON
+down	ADV
+.	PUNCT
+
+Mike	PROPN
+
+Mark	PROPN
+,	PUNCT
+I	PRON
+thought	VERB
+you	PRON
+would	AUX
+enjoy	VERB
+the	DET
+comment	NOUN
+about	ADP
+you	PRON
+.	PUNCT
+
+m	PROPN
+
+Ken	X
+Rice@ENRON	X
+COMMUNICATIONS	X
+
+01/19/2001	NUM
+07:24	NUM
+AM	NOUN
+
+Mike	PROPN
+
+I	PRON
+see	VERB
+that	SCONJ
+we	PRON
+are	AUX
+scheduled	VERB
+to	PART
+have	VERB
+lunch	NOUN
+today	NOUN
+.	PUNCT
+
+I	PRON
+may	AUX
+have	VERB
+to	PART
+postpone	VERB
+again	ADV
+,	PUNCT
+I	PRON
+'ll	AUX
+let	VERB
+you	PRON
+know	VERB
+later	ADV
+this	DET
+morning	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+out	ADV
+all	DET
+weekend	NOUN
+and	CCONJ
+we	PRON
+have	VERB
+to	PART
+have	VERB
+the	DET
+final	ADJ
+comments	NOUN
+on	ADP
+the	DET
+Analyst	NOUN
+Presentation	NOUN
+in	ADV
+by	ADP
+sunday	PROPN
+night	NOUN
+so	ADV
+I	PRON
+may	AUX
+be	AUX
+working	VERB
+over	ADP
+lunch	NOUN
+.	PUNCT
+
+Actually	ADV
+,	PUNCT
+I	PRON
+think	VERB
+we	PRON
+are	AUX
+in	ADP
+pretty	ADV
+good	ADJ
+shape	NOUN
+so	ADV
+I	PRON
+will	AUX
+probably	ADV
+be	AUX
+doing	VERB
+lunch	NOUN
+but	CCONJ
+just	ADV
+do	AUX
+n't	PART
+be	AUX
+too	ADV
+mad	ADJ
+if	SCONJ
+I	PRON
+have	VERB
+to	PART
+cancel	VERB
+.	PUNCT
+
+Ken	PROPN
+
+PS	NOUN
+Your	PRON
+brother	NOUN
+told	VERB
+me	PRON
+he	PRON
+went	VERB
+to	ADP
+3	NUM
+bowl	NOUN
+games	NOUN
+(	PUNCT
+when	ADV
+I	PRON
+found	VERB
+out	ADP
+that	SCONJ
+two	NUM
+of	ADP
+them	PRON
+were	AUX
+the	DET
+galleryfurniture.com	X
+bowl	NOUN
+and	CCONJ
+that	DET
+one	NOUN
+in	ADP
+Shreveport	PROPN
+(	PUNCT
+I	PRON
+ca	AUX
+n't	PART
+remember	VERB
+the	DET
+name	NOUN
+of	ADP
+it	PRON
+))	PUNCT
+I	PRON
+realized	VERB
+he	PRON
+is	AUX
+a	DET
+very	ADV
+,	PUNCT
+very	ADV
+sick	ADJ
+college	NOUN
+football	NOUN
+fan	NOUN
+.	PUNCT
+
+I	PRON
+will	AUX
+put	VERB
+this	PRON
+on	ADP
+our	PRON
+calendars	NOUN
+.	PUNCT
+
+Too	ADV
+bad	ADJ
+you	PRON
+wo	AUX
+n't	PART
+make	VERB
+the	DET
+Compaq	PROPN
+thing	NOUN
+,	PUNCT
+but	CCONJ
+maybe	ADV
+next	ADJ
+year	NOUN
+.	PUNCT
+
+San	PROPN
+Antonio	PROPN
+,	PUNCT
+wow	INTJ
+what	DET
+a	DET
+let	NOUN
+down	NOUN
+from	ADP
+the	DET
+other	ADJ
+cities	NOUN
+.	PUNCT
+
+That	PRON
+will	AUX
+be	AUX
+a	DET
+nice	ADJ
+time	NOUN
+of	ADP
+year	NOUN
+though	ADV
+.	PUNCT
+
+I	PRON
+can	AUX
+recommend	VERB
+some	DET
+good	ADJ
+restaurants	NOUN
+since	SCONJ
+I	PRON
+took	VERB
+Ric	PROPN
+there	ADV
+last	ADJ
+year	NOUN
+for	ADP
+his	PRON
+birthday	NOUN
+.	PUNCT
+
+We	PRON
+stayed	VERB
+at	ADP
+the	DET
+Menger	PROPN
+and	CCONJ
+had	VERB
+a	DET
+great	ADJ
+time	NOUN
+.	PUNCT
+
+Kay	X
+Mann@ENRON	X
+
+09/20/2000	NUM
+04:18	NUM
+PM	NOUN
+
+This	DET
+Friday	PROPN
+-	PUNCT
+Michael	PROPN
+goes	VERB
+for	ADP
+a	DET
+visit	NOUN
+at	ADP
+St.	PROPN
+Francis	PROPN
+,	PUNCT
+which	PRON
+may	AUX
+be	AUX
+his	PRON
+new	ADJ
+school	NOUN
+(	PUNCT
+so	ADV
+far	ADV
+,	PUNCT
+so	ADV
+good	ADJ
+)	PUNCT
+.	PUNCT
+
+I	PRON
+'ll	AUX
+be	AUX
+in	ADV
+around	ADV
+1000	NUM
+
+Most	ADJ
+Fridays	PROPN
+I	PRON
+'m	AUX
+going	VERB
+to	PART
+TRY	VERB
+to	PART
+pick	VERB
+Michael	PROPN
+up	ADV
+since	SCONJ
+I	PRON
+'m	AUX
+away	ADV
+so	ADV
+much	ADV
+,	PUNCT
+which	PRON
+means	VERB
+leaving	VERB
+by	ADP
+445	NUM
+or	CCONJ
+so	ADV
+.	PUNCT
+
+October	PROPN
+4	NUM
+,	PUNCT
+ENA	PROPN
+orientation	NOUN
+in	ADP
+the	DET
+am	NOUN
+.	PUNCT
+
+October	PROPN
+19	NUM
+/	PUNCT
+20	NUM
+,	PUNCT
+Neil	PROPN
+is	AUX
+out	ADP
+of	ADP
+town	NOUN
+,	PUNCT
+so	ADV
+I	PRON
+have	VERB
+to	PART
+pick	VERB
+Michael	PROPN
+up	ADV
+from	ADP
+school	NOUN
+(	PUNCT
+leave	VERB
+at	ADP
+430	NUM
+)	PUNCT
+
+October	PROPN
+26	NUM
+/	PUNCT
+27	NUM
+,	PUNCT
+hope	VERB
+to	PART
+be	AUX
+vacation	NOUN
+time	NOUN
+.	PUNCT
+
+Neil	PROPN
+has	VERB
+a	DET
+meeting	NOUN
+in	ADP
+San	PROPN
+Antonio	PROPN
+(	PUNCT
+usually	ADV
+it	PRON
+is	AUX
+in	ADP
+Miami	PROPN
+,	PUNCT
+San	PROPN
+Francisco	PROPN
+,	PUNCT
+Phoenix	PROPN
+-	PUNCT
+not	PART
+so	ADV
+great	ADJ
+this	DET
+year	NOUN
+)	PUNCT
+.	PUNCT
+
+It	PRON
+is	AUX
+the	DET
+officer	NOUN
+'s	PART
+meeting	NOUN
+for	ADP
+Enterprise	PROPN
+,	PUNCT
+and	CCONJ
+spouses	NOUN
+are	AUX
+invited	VERB
+.	PUNCT
+
+This	PRON
+means	VERB
+we	PRON
+wo	AUX
+n't	PART
+be	AUX
+in	ADP
+town	NOUN
+for	ADP
+the	DET
+Compaq	PROPN
+thing	NOUN
+.	PUNCT
+
+Figures	VERB
+,	PUNCT
+of	ADV
+course	ADV
+.	PUNCT
+
+Thanks	NOUN
+for	SCONJ
+asking	VERB
+.	PUNCT
+
+I	PRON
+'m	AUX
+watching	VERB
+for	ADP
+some	DET
+good	ADJ
+vacation	NOUN
+days	NOUN
+,	PUNCT
+also	ADV
+...	PUNCT
+
+fyi	ADV
+/	PUNCT
+review	NOUN
+/	PUNCT
+comment	NOUN
+
+I	PRON
+have	VERB
+a	DET
+couple	NOUN
+of	ADP
+questions	NOUN
+so	SCONJ
+I	PRON
+can	AUX
+wrap	VERB
+up	ADP
+the	DET
+LOI	NOUN
+:	PUNCT
+
+We	PRON
+refer	VERB
+to	ADP
+licensed	VERB
+Fuel	NOUN
+Cell	NOUN
+Energy	NOUN
+equipment	NOUN
+.	PUNCT
+
+Do	AUX
+we	PRON
+intend	VERB
+to	PART
+reference	VERB
+a	DET
+particular	ADJ
+manufacturer	NOUN
+,	PUNCT
+or	CCONJ
+should	AUX
+this	PRON
+be	AUX
+more	ADV
+generic	ADJ
+?	PUNCT
+
+Do	AUX
+we	PRON
+want	VERB
+to	PART
+attach	VERB
+a	DET
+draft	NOUN
+of	ADP
+the	DET
+Development	NOUN
+Agreement	NOUN
+,	PUNCT
+and	CCONJ
+condition	VERB
+the	DET
+final	ADJ
+deal	NOUN
+on	SCONJ
+agreeing	VERB
+to	ADP
+terms	NOUN
+substantially	ADV
+the	DET
+same	ADJ
+as	SCONJ
+what	PRON
+'s	AUX
+in	ADP
+the	DET
+draft	NOUN
+?	PUNCT
+
+I	PRON
+have	VERB
+a	DET
+concern	NOUN
+that	SCONJ
+the	DET
+Enron	PROPN
+optionality	NOUN
+bug	NOUN
+could	AUX
+bite	VERB
+us	PRON
+on	ADP
+the	DET
+backside	NOUN
+with	ADP
+that	DET
+one	NOUN
+.	PUNCT
+
+Do	AUX
+we	PRON
+expect	VERB
+to	PART
+have	VERB
+ONE	NUM
+EPC	NOUN
+contract	NOUN
+,	PUNCT
+or	CCONJ
+several	ADJ
+?	PUNCT
+
+I	PRON
+'m	AUX
+looking	VERB
+for	ADP
+the	DET
+confidentiality	NOUN
+agreement	NOUN
+,	PUNCT
+which	PRON
+may	AUX
+be	AUX
+in	ADP
+Bart	PROPN
+'s	PART
+files	NOUN
+(	PUNCT
+have	AUX
+n't	PART
+checked	VERB
+closely	ADV
+yet	ADV
+)	PUNCT
+.	PUNCT
+
+If	SCONJ
+anyone	PRON
+has	VERB
+it	PRON
+handy	ADJ
+,	PUNCT
+it	PRON
+could	AUX
+speed	VERB
+things	NOUN
+up	ADP
+for	ADP
+me	PRON
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Kay	PROPN
+
+Forget	VERB
+the	DET
+ONE	NUM
+or	CCONJ
+more	ADJ
+contract	NOUN
+questions	NOUN
+.	PUNCT
+
+I	PRON
+see	VERB
+we	PRON
+expect	VERB
+to	PART
+have	VERB
+separate	ADJ
+contracts	NOUN
+for	ADP
+each	DET
+project	NOUN
+.	PUNCT
+
+I	PRON
+have	VERB
+a	DET
+couple	NOUN
+of	ADP
+questions	NOUN
+so	SCONJ
+I	PRON
+can	AUX
+wrap	VERB
+up	ADP
+the	DET
+LOI	NOUN
+:	PUNCT
+
+We	PRON
+refer	VERB
+to	ADP
+licensed	VERB
+Fuel	NOUN
+Cell	NOUN
+Energy	NOUN
+equipment	NOUN
+.	PUNCT
+
+Do	AUX
+we	PRON
+intend	VERB
+to	PART
+reference	VERB
+a	DET
+particular	ADJ
+manufacturer	NOUN
+,	PUNCT
+or	CCONJ
+should	AUX
+this	PRON
+be	AUX
+more	ADV
+generic	ADJ
+?	PUNCT
+
+Do	AUX
+we	PRON
+want	VERB
+to	PART
+attach	VERB
+a	DET
+draft	NOUN
+of	ADP
+the	DET
+Development	NOUN
+Agreement	NOUN
+,	PUNCT
+and	CCONJ
+condition	VERB
+the	DET
+final	ADJ
+deal	NOUN
+on	SCONJ
+agreeing	VERB
+to	ADP
+terms	NOUN
+substantially	ADV
+the	DET
+same	ADJ
+as	SCONJ
+what	PRON
+'s	AUX
+in	ADP
+the	DET
+draft	NOUN
+?	PUNCT
+
+I	PRON
+have	VERB
+a	DET
+concern	NOUN
+that	SCONJ
+the	DET
+Enron	PROPN
+optionality	NOUN
+bug	NOUN
+could	AUX
+bite	VERB
+us	PRON
+on	ADP
+the	DET
+backside	NOUN
+with	ADP
+that	DET
+one	NOUN
+.	PUNCT
+
+Do	AUX
+we	PRON
+expect	VERB
+to	PART
+have	VERB
+ONE	NUM
+EPC	NOUN
+contract	NOUN
+,	PUNCT
+or	CCONJ
+several	ADJ
+?	PUNCT
+
+I	PRON
+'m	AUX
+looking	VERB
+for	ADP
+the	DET
+confidentiality	NOUN
+agreement	NOUN
+,	PUNCT
+which	PRON
+may	AUX
+be	AUX
+in	ADP
+Bart	PROPN
+'s	PART
+files	NOUN
+(	PUNCT
+have	AUX
+n't	PART
+checked	VERB
+closely	ADV
+yet	ADV
+)	PUNCT
+.	PUNCT
+
+If	SCONJ
+anyone	PRON
+has	VERB
+it	PRON
+handy	ADJ
+,	PUNCT
+it	PRON
+could	AUX
+speed	VERB
+things	NOUN
+up	ADP
+for	ADP
+me	PRON
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Kay	PROPN
+
+On	ADP
+the	DET
+issue	NOUN
+of	ADP
+the	DET
+contracts	NOUN
+,	PUNCT
+the	DET
+draft	NOUN
+says	VERB
+that	SCONJ
+the	DET
+$	SYM
+170	NUM
+m	NUM
+is	AUX
+paid	VERB
+when	ADV
+the	DET
+EPC	NOUN
+contract	NOUN
+is	AUX
+signed	VERB
+.	PUNCT
+
+Are	AUX
+we	PRON
+expecting	VERB
+that	SCONJ
+the	DET
+portion	NOUN
+attributable	ADJ
+to	ADP
+each	DET
+project	NOUN
+will	AUX
+be	AUX
+paid	VERB
+as	SCONJ
+the	DET
+individual	ADJ
+EPC	NOUN
+contracts	NOUN
+are	AUX
+signed	VERB
+?	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Kay	PROPN
+
+1	X
+.	PUNCT
+The	DET
+pricing	NOUN
+that	PRON
+we	PRON
+have	AUX
+given	VERB
+CRRA	PROPN
+is	AUX
+specific	ADJ
+to	ADP
+FuelCell	PROPN
+Energy	PROPN
+and	CCONJ
+would	AUX
+not	PART
+be	AUX
+meaningful	ADJ
+without	SCONJ
+listing	VERB
+the	DET
+manufacturer	NOUN
+(	PUNCT
+i.e.	X
+,	PUNCT
+ONSI	PROPN
+would	AUX
+be	AUX
+a	DET
+lot	NOUN
+more	ADJ
+money	NOUN
+)	PUNCT
+.	PUNCT
+
+Hence	ADV
+,	PUNCT
+I	PRON
+think	VERB
+that	SCONJ
+we	PRON
+have	VERB
+to	PART
+reference	VERB
+the	DET
+manufacturer	NOUN
+.	PUNCT
+
+2	X
+.	PUNCT
+The	DET
+attachment	NOUN
+of	ADP
+the	DET
+Development	NOUN
+Agreement	NOUN
+is	AUX
+a	DET
+Jeff	PROPN
+question	NOUN
+.	PUNCT
+
+In	ADP
+order	NOUN
+to	PART
+mark	VERB
+any	DET
+2000	NUM
+income	NOUN
+,	PUNCT
+we	PRON
+will	AUX
+need	VERB
+to	PART
+get	VERB
+CRRA	PROPN
+to	PART
+execute	VERB
+the	DET
+Development	NOUN
+Agreement	NOUN
+in	ADP
+2000	NUM
+.	PUNCT
+
+In	ADP
+my	PRON
+opinion	NOUN
+,	PUNCT
+we	PRON
+should	AUX
+show	VERB
+CRRA	PROPN
+a	DET
+copy	NOUN
+of	ADP
+the	DET
+LOI	NOUN
+with	ADP
+the	DET
+assumption	NOUN
+that	SCONJ
+the	DET
+Development	NOUN
+Agreement	NOUN
+is	AUX
+attached	VERB
+.	PUNCT
+
+I	PRON
+would	AUX
+actually	ADV
+send	VERB
+them	PRON
+the	DET
+draft	NOUN
+Development	NOUN
+Agreement	NOUN
+a	DET
+couple	NOUN
+days	NOUN
+after	ADP
+the	DET
+LOI	NOUN
+.	PUNCT
+
+Based	VERB
+on	SCONJ
+how	ADV
+CRRA	PROPN
+reacts	VERB
+,	PUNCT
+I	PRON
+would	AUX
+make	VERB
+an	DET
+ultimate	ADJ
+determination	NOUN
+if	SCONJ
+the	DET
+agreement	NOUN
+needs	VERB
+to	PART
+be	AUX
+attached	VERB
+to	ADP
+the	DET
+LOI	NOUN
+.	PUNCT
+
+3	X
+.	PUNCT
+I	PRON
+expect	VERB
+at	ADV
+least	ADV
+one	NUM
+EPC	NOUN
+contract	NOUN
+per	ADP
+project	NOUN
+.	PUNCT
+
+We	PRON
+do	AUX
+n't	PART
+want	VERB
+to	PART
+condition	VERB
+the	DET
+acceptance	NOUN
+of	ADP
+one	NUM
+project	NOUN
+on	ADP
+the	DET
+performance	NOUN
+of	ADP
+another	DET
+project	NOUN
+.	PUNCT
+
+Performance	NOUN
+tests	NOUN
+will	AUX
+either	CCONJ
+be	AUX
+performed	VERB
+on	ADP
+a	DET
+project	NOUN
+basis	NOUN
+or	CCONJ
+a	DET
+unit	NOUN
+by	ADP
+unit	NOUN
+basis	NOUN
+in	ADP
+a	DET
+given	VERB
+project	NOUN
+.	PUNCT
+
+Remarkably	ADV
+clear	ADJ
+explanation	NOUN
+.	PUNCT
+
+Sent	VERB
+by	ADP
+:	PUNCT
+Ben	X
+Jacoby@ECT	X
+
+FYI	ADV
+,	PUNCT
+see	VERB
+below	ADV
+.	PUNCT
+
+Mom	PROPN
+'s	PART
+birthday	NOUN
+is	AUX
+tommorow	NOUN
+.	PUNCT
+
+What	PRON
+are	AUX
+we	PRON
+going	VERB
+to	PART
+get	VERB
+her	PRON
+?	PUNCT
+
+Chris	PROPN
+
+That	PRON
+is	AUX
+some	DET
+good	ADJ
+stuff	NOUN
+.	PUNCT
+
+I	PRON
+hear	VERB
+you	PRON
+are	AUX
+coming	VERB
+our	PRON
+way	NOUN
+soon	ADV
+.	PUNCT
+
+Look	VERB
+forward	ADV
+to	SCONJ
+drinking	VERB
+a	DET
+few	ADJ
+beers	NOUN
+.	PUNCT
+
+Chris	PROPN
+
+Michael	PROPN
+McDermott	PROPN
+<	PUNCT
+Michael.McDermott@spectrongroup.com	X
+>	PUNCT
+on	ADP
+06/01/2000	NUM
+06:00:56	NUM
+AM	NOUN
+
+Yo	PRON
+Mama	NOUN
+`s	AUX
+so	ADV
+fat	ADJ
+....	PUNCT
+
+Your	PRON
+mama	NOUN
+is	AUX
+so	ADV
+fat	ADJ
+:	PUNCT
+When	ADV
+she	PRON
+hauls	VERB
+ass	NOUN
+she	PRON
+has	VERB
+to	PART
+make	VERB
+two	NUM
+trips	NOUN
+.	PUNCT
+
+When	ADV
+she	PRON
+dances	VERB
+she	PRON
+makes	VERB
+the	DET
+band	NOUN
+skip	VERB
+.	PUNCT
+
+When	ADV
+she	PRON
+was	AUX
+diagnosed	VERB
+with	ADP
+the	DET
+flesh	NOUN
+eating	VERB
+disease	NOUN
+the	DET
+doctor	NOUN
+gave	VERB
+her	PRON
+13	NUM
+years	NOUN
+to	PART
+live	VERB
+.	PUNCT
+
+She	PRON
+puts	VERB
+mayonnaise	NOUN
+on	ADP
+aspirin	NOUN
+.	PUNCT
+(	PUNCT
+<-	SYM
+clearly	ADV
+the	DET
+winner	NOUN
+)	PUNCT
+
+Her	PRON
+cereal	NOUN
+bowl	NOUN
+came	VERB
+with	ADP
+a	DET
+lifeguard	NOUN
+.	PUNCT
+
+When	ADV
+she	PRON
+goes	VERB
+to	ADP
+the	DET
+zoo	NOUN
+the	DET
+elephants	NOUN
+throw	VERB
+her	PRON
+peanuts	NOUN
+.	PUNCT
+
+Her	PRON
+high	ADJ
+school	NOUN
+graduation	NOUN
+picture	NOUN
+was	AUX
+an	DET
+aerial	ADJ
+photograph	NOUN
+.	PUNCT
+
+Her	PRON
+driver	NOUN
+`s	PART
+license	NOUN
+says	VERB
+"	PUNCT
+Picture	NOUN
+continued	VERB
+on	ADP
+other	ADJ
+side	NOUN
+.	PUNCT
+"	PUNCT
+
+She	PRON
+has	VERB
+to	PART
+iron	VERB
+her	PRON
+pants	NOUN
+on	ADP
+the	DET
+driveway	NOUN
+.	PUNCT
+
+The	DET
+back	NOUN
+of	ADP
+her	PRON
+neck	NOUN
+looks	VERB
+like	ADP
+a	DET
+pack	NOUN
+of	ADP
+hot	ADJ
+dogs	NOUN
+.	PUNCT
+
+Yo	PRON
+mama	NOUN
+`s	AUX
+so	ADV
+fat	ADJ
+,	PUNCT
+all	DET
+the	DET
+restaurants	NOUN
+in	ADP
+town	NOUN
+have	VERB
+signs	NOUN
+that	PRON
+say	VERB
+:	PUNCT
+"	PUNCT
+Maximum	ADJ
+Occupancy	NOUN
+:	PUNCT
+240	NUM
+Patrons	NOUN
+OR	CCONJ
+Yo	PRON
+Mama	NOUN
+"	PUNCT
+Yo	PRON
+mama	NOUN
+`s	AUX
+so	ADV
+fat	ADJ
+,	PUNCT
+when	ADV
+she	PRON
+ran	VERB
+away	ADV
+,	PUNCT
+they	PRON
+had	VERB
+to	PART
+use	VERB
+all	DET
+four	NUM
+sides	NOUN
+of	ADP
+the	DET
+milk	NOUN
+carton	NOUN
+.	PUNCT
+
+Yo	PRON
+mama	NOUN
+`s	AUX
+so	ADV
+fat	ADJ
+,	PUNCT
+instead	ADV
+of	ADP
+Levis	PROPN
+501	NUM
+jeans	NOUN
+,	PUNCT
+she	PRON
+wears	VERB
+Levi`s	PROPN
+1002`s	NOUN
+.	PUNCT
+
+Yo	PRON
+mama	NOUN
+`s	AUX
+so	ADV
+fat	ADJ
+,	PUNCT
+when	ADV
+she	PRON
+gets	VERB
+in	ADP
+an	DET
+elevator	NOUN
+,	PUNCT
+it	PRON
+HAS	VERB
+to	PART
+go	VERB
+down	ADV
+.	PUNCT
+
+Yo	PRON
+mama	NOUN
+`s	AUX
+so	ADV
+fat	ADJ
+,	PUNCT
+she	PRON
+was	AUX
+born	VERB
+with	ADP
+a	DET
+silver	NOUN
+shovel	NOUN
+in	ADP
+her	PRON
+mouth	NOUN
+.	PUNCT
+
+Yo	PRON
+mama	NOUN
+`s	AUX
+so	ADV
+fat	ADJ
+,	PUNCT
+she	PRON
+`s	AUX
+got	VERB
+smaller	ADJ
+fat	ADJ
+women	NOUN
+orbiting	VERB
+around	ADP
+her	PRON
+.	PUNCT
+
+Yo	PRON
+mama	NOUN
+`s	AUX
+so	ADV
+fat	ADJ
+,	PUNCT
+she	PRON
+could	AUX
+sell	VERB
+shade	NOUN
+.	PUNCT
+
+You	PRON
+will	AUX
+have	VERB
+to	PART
+wait	VERB
+and	CCONJ
+see	VERB
+:-)	SYM
+
+Done	ADJ
+!	PUNCT
+
+Expect	VERB
+a	DET
+call	NOUN
+from	ADP
+Paul	PROPN
+tonight	NOUN
+.	PUNCT
+
+Chris	PROPN
+
+What	PRON
+are	AUX
+some	DET
+good	ADJ
+interview	NOUN
+questions	NOUN
+?	PUNCT
+
+Poll	VERB
+your	PRON
+co-workers	NOUN
+.	PUNCT
+
+cd	PROPN
+
+I	PRON
+told	VERB
+Paul	PROPN
+that	SCONJ
+you	PRON
+called	VERB
+him	PRON
+yesterday	NOUN
+so	ADV
+abruptly	ADV
+because	SCONJ
+you	PRON
+did	AUX
+n't	PART
+want	VERB
+to	PART
+waste	VERB
+his	PRON
+time	NOUN
+while	SCONJ
+you	PRON
+got	VERB
+tests	NOUN
+done	VERB
+for	ADP
+arthritis	NOUN
+.	PUNCT
+
+I	PRON
+told	VERB
+him	PRON
+I	PRON
+told	VERB
+you	PRON
+to	PART
+call	VERB
+him	PRON
+back	ADP
+and	CCONJ
+at	ADV
+least	ADV
+hear	VERB
+what	PRON
+he	PRON
+has	VERB
+to	PART
+say	VERB
+.	PUNCT
+
+He	PRON
+said	VERB
+they	PRON
+are	AUX
+looking	VERB
+for	ADP
+people	NOUN
+and	CCONJ
+based	VERB
+on	SCONJ
+what	PRON
+I	PRON
+told	VERB
+him	PRON
+an	DET
+interview	NOUN
+was	AUX
+a	DET
+formality	NOUN
+.	PUNCT
+
+Chris	PROPN
+
+Is	AUX
+that	DET
+Microwave	NOUN
+that	PRON
+you	PRON
+gave	VERB
+Dan	PROPN
+really	ADV
+expensive	ADJ
+?	PUNCT
+
+All	DET
+the	DET
+guys	NOUN
+at	ADP
+work	NOUN
+are	AUX
+saying	VERB
+I	PRON
+should	AUX
+n't	PART
+bother	VERB
+having	VERB
+it	PRON
+fixed	VERB
+I	PRON
+should	AUX
+just	ADV
+buy	VERB
+a	DET
+new	ADJ
+one	NOUN
+.	PUNCT
+
+Chris	PROPN
+
+Jai	PROPN
+Hawker	PROPN
+974-6721	NUM
+
+I	PRON
+wo	AUX
+n't	PART
+forget	VERB
+about	ADP
+the	DET
+$	SYM
+.	PUNCT
+
+Do	AUX
+I	PRON
+need	VERB
+to	PART
+cross	NOUN
+reference	VERB
+the	DET
+deals	NOUN
+in	ADP
+my	PRON
+model	NOUN
+to	ADP
+the	DET
+deals	NOUN
+in	ADP
+the	DET
+system	NOUN
+or	CCONJ
+did	AUX
+you	PRON
+already	ADV
+do	VERB
+that	PRON
+?	PUNCT
+
+Chris	PROPN
+
+Kathy	PROPN
+,	PUNCT
+
+Do	AUX
+n't	PART
+take	VERB
+that	DET
+deal	NOUN
+out	ADP
+until	SCONJ
+I	PRON
+look	VERB
+at	ADP
+it	PRON
+.	PUNCT
+
+I	PRON
+think	VERB
+it	PRON
+is	AUX
+mine	PRON
+but	CCONJ
+I	PRON
+forgot	VERB
+to	PART
+write	VERB
+it	PRON
+in	ADP
+the	DET
+blue	ADJ
+FX	NOUN
+book	NOUN
+(	PUNCT
+I	PRON
+only	ADV
+wrote	VERB
+it	PRON
+in	ADP
+my	PRON
+red	ADJ
+book	NOUN
+)	PUNCT
+.	PUNCT
+
+Thanx	NOUN
+,	PUNCT
+
+Chris	PROPN
+
+Just	ADV
+a	DET
+reminder	NOUN
+to	PART
+send	VERB
+me	PRON
+a	DET
+currency	NOUN
+report	NOUN
+.	PUNCT
+
+Thanx	NOUN
+,	PUNCT
+
+Chris	PROPN
+
+Paul	PROPN
+called	VERB
+me	PRON
+today	NOUN
+.	PUNCT
+
+He	PRON
+will	AUX
+be	AUX
+in	ADP
+Calgary	PROPN
+in	ADP
+a	DET
+couple	NOUN
+of	ADP
+weeks	NOUN
+and	CCONJ
+will	AUX
+interview	VERB
+you	PRON
+then	ADV
+.	PUNCT
+
+Chris	PROPN
+
+You	PRON
+should	AUX
+reply	VERB
+ASAP	ADV
+.	PUNCT
+
+Do	AUX
+n't	PART
+make	VERB
+Peters	PROPN
+and	CCONJ
+Co.	PROPN
+wait	VERB
+.	PUNCT
+
+Chris	PROPN
+
+I	PRON
+did	AUX
+n't	PART
+get	VERB
+a	DET
+chance	NOUN
+to	PART
+talk	VERB
+to	ADP
+Paul	PROPN
+today	NOUN
+.	PUNCT
+
+Give	VERB
+him	PRON
+a	DET
+call	NOUN
+tommorow	NOUN
+.	PUNCT
+
+Chris	PROPN
+
+Will	AUX
+you	PRON
+please	INTJ
+run	VERB
+a	DET
+June	PROPN
+NX3	NOUN
+/	PUNCT
+NX1	NOUN
+for	ADP
+our	PRON
+book	NOUN
+.	PUNCT
+
+Paul	PROPN
+
+How	ADV
+about	SCONJ
+meeting	VERB
+at	ADP
+11:30	NUM
+or	CCONJ
+12	NUM
+?	PUNCT
+
+I	PRON
+am	AUX
+in	ADP
+the	DET
+office	NOUN
+so	ADV
+give	VERB
+me	PRON
+a	DET
+call	NOUN
+.	PUNCT
+
+CD	PROPN
+3-1663	NUM
+
+The	DET
+deed	NOUN
+is	AUX
+done	ADJ
+.	PUNCT
+
+Chris	PROPN
+
+Find	VERB
+attached	VERB
+resume	NOUN
+and	CCONJ
+cover	NOUN
+letter	NOUN
+.	PUNCT
+
+Hopefully	ADV
+he	PRON
+did	AUX
+n't	PART
+spel	VERB
+anyting	NOUN
+incorrectly	ADV
+.	PUNCT
+
+Dan	PROPN
+is	AUX
+really	ADV
+smart	ADJ
+and	CCONJ
+a	DET
+hard	ADJ
+worker	NOUN
+.	PUNCT
+
+I	PRON
+think	VERB
+he	PRON
+would	AUX
+be	AUX
+a	DET
+good	ADJ
+fit	NOUN
+.	PUNCT
+
+Give	VERB
+me	PRON
+a	DET
+call	NOUN
+Tuesday	PROPN
+afternoon	NOUN
+to	PART
+discuss	VERB
+(	PUNCT
+gone	VERB
+to	ADP
+Kelowna	PROPN
+golfing	VERB
+for	ADP
+the	DET
+weekend	NOUN
+)	PUNCT
+.	PUNCT
+
+Cheers	NOUN
+,	PUNCT
+
+Chris	PROPN
+
+I	PRON
+have	AUX
+n't	PART
+had	VERB
+a	DET
+chance	NOUN
+to	PART
+send	VERB
+it	PRON
+yet	ADV
+.	PUNCT
+
+Paul	PROPN
+is	AUX
+out	ADP
+of	ADP
+the	DET
+office	NOUN
+today	NOUN
+so	ADV
+I	PRON
+have	AUX
+n't	PART
+had	VERB
+a	DET
+chance	NOUN
+to	PART
+talk	VERB
+to	ADP
+him	PRON
+.	PUNCT
+
+I	PRON
+'ll	AUX
+send	VERB
+it	PRON
+as	ADV
+soon	ADV
+as	SCONJ
+you	PRON
+resond	VERB
+wether	SCONJ
+I	PRON
+should	AUX
+or	CCONJ
+not	PART
+.	PUNCT
+
+Chris	PROPN
+
+Are	AUX
+you	PRON
+guys	NOUN
+still	ADV
+looking	VERB
+for	ADP
+an	DET
+analyst	NOUN
+?	PUNCT
+
+Should	AUX
+I	PRON
+send	VERB
+the	DET
+resume	NOUN
+to	ADP
+Dawn	PROPN
+or	CCONJ
+you	PRON
+directly	ADV
+?	PUNCT
+
+Chris	PROPN
+Enron	PROPN
+Canada	PROPN
+Corp.	PROPN
+Suite	NOUN
+1100	NUM
+,	PUNCT
+70	NUM
+York	PROPN
+Street	PROPN
+Toronto	PROPN
+,	PUNCT
+Ontario	PROPN
+M5J	NOUN
+1S9	NOUN
+416-865-3700	NUM
+
+Paul	PROPN
+DeVries	PROPN
+-	PUNCT
+Director	NOUN
+416-865-3703	NUM
+
+Jan	PROPN
+Wilson	PROPN
+-	PUNCT
+Manager	NOUN
+416-865-3704	NUM
+
+Attached	VERB
+is	AUX
+a	DET
+forecast	NOUN
+for	ADP
+the	DET
+rest	NOUN
+of	ADP
+the	DET
+summer	NOUN
+for	ADP
+the	DET
+X	NOUN
+(	PUNCT
+NWP	NOUN
+and	CCONJ
+PGT	NOUN
+)	PUNCT
+.	PUNCT
+
+We	PRON
+should	AUX
+try	VERB
+to	PART
+have	VERB
+a	DET
+conference	NOUN
+call	NOUN
+with	ADP
+the	DET
+west	ADJ
+desk	NOUN
+to	PART
+discuss	VERB
+as	ADV
+soon	ADV
+as	SCONJ
+we	PRON
+can	AUX
+.	PUNCT
+
+Chris	PROPN
+
+See	VERB
+you	PRON
+there	ADV
+!	PUNCT
+
+CD	PROPN
+
+Sushi	NOUN
+tonight	NOUN
+?	PUNCT
+
+Ryan	PROPN
+Watt	PROPN
+says	VERB
+high	INTJ
+.	PUNCT
+
+Chris	PROPN
+
+I	PRON
+will	AUX
+be	AUX
+able	ADJ
+to	PART
+attend	VERB
+.	PUNCT
+
+Chris	PROPN
+
+Mike	PROPN
+Jordan	PROPN
+
+26/09/2000	NUM
+14:14	NUM
+
+Fernley	PROPN
+/	PUNCT
+Sally	PROPN
+
+Off	ADV
+and	CCONJ
+on	ADV
+(	PUNCT
+with	ADP
+Jackie	PROPN
+Gentle	PROPN
+'s	PART
+help	NOUN
+)	PUNCT
+I	PRON
+have	AUX
+pulled	VERB
+together	ADV
+a	DET
+one	NUM
+page	NOUN
+communication	NOUN
+note	NOUN
+on	ADP
+our	PRON
+fundamental	ADJ
+operating	NOUN
+standards	NOUN
+(	PUNCT
+itself	PRON
+a	DET
+one	NUM
+page	NOUN
+summary	NOUN
+)	PUNCT
+.	PUNCT
+
+We	PRON
+are	AUX
+in	ADP
+the	DET
+final	ADJ
+stages	NOUN
+of	ADP
+this	DET
+process	NOUN
+-	PUNCT
+where	ADV
+we	PRON
+draft	VERB
+a	DET
+cover	NOUN
+letter	NOUN
+for	ADP
+John	PROPN
+which	PRON
+will	AUX
+introduce	VERB
+this	PRON
+for	ADP
+inclusion	NOUN
+within	ADP
+Globalflash	PROPN
+(	PUNCT
+the	DET
+Enron	PROPN
+Europe	PROPN
+newsletter	NOUN
+)	PUNCT
+
+Have	VERB
+you	PRON
+any	DET
+thoughts	NOUN
+on	ADP
+draft	NOUN
+or	CCONJ
+cover	NOUN
+note	NOUN
+?	PUNCT
+
+Mike	PROPN
+
+Late	ADJ
+Jan	PROPN
+sounds	VERB
+great	ADJ
+.	PUNCT
+
+Meagan	PROPN
+does	AUX
+have	VERB
+a	DET
+couple	NOUN
+of	ADP
+big	ADJ
+things	NOUN
+on	ADP
+the	DET
+weekend	NOUN
+in	ADP
+January	PROPN
+--	PUNCT
+National	PROPN
+Charity	PROPN
+League	PROPN
+Senior	PROPN
+Presentation	PROPN
+(	PUNCT
+big	ADJ
+dance	NOUN
+that	PRON
+she	PRON
+and	CCONJ
+I	PRON
+are	AUX
+committed	ADJ
+to	PART
+help	VERB
+with	ADP
+)	PUNCT
+,	PUNCT
+the	DET
+Bearkadette	PROPN
+Ball	PROPN
+and	CCONJ
+a	DET
+winter	NOUN
+party	NOUN
+for	ADP
+Cotillion	PROPN
+.	PUNCT
+
+I	PRON
+believe	VERB
+that	SCONJ
+these	PRON
+are	AUX
+three	NUM
+weekends	NOUN
+in	ADP
+a	DET
+row	NOUN
+,	PUNCT
+January	PROPN
+6	NUM
+,	PUNCT
+13	NUM
+and	CCONJ
+20th	NOUN
+.	PUNCT
+
+So	ADV
+the	DET
+last	ADJ
+weekend	NOUN
+in	ADP
+January	PROPN
+would	AUX
+work	VERB
+well	ADV
+(	PUNCT
+and	CCONJ
+I	PRON
+will	AUX
+need	VERB
+a	DET
+rest	NOUN
+from	ADP
+formal	ADJ
+affairs	NOUN
+!	PUNCT
+)	PUNCT
+.	PUNCT
+
+Does	AUX
+that	PRON
+work	VERB
+for	ADP
+you	PRON
+?	PUNCT
+
+And	CCONJ
+do	AUX
+you	PRON
+want	VERB
+to	PART
+do	VERB
+it	PRON
+on	ADP
+a	DET
+Saturday	PROPN
+or	CCONJ
+Sunday	PROPN
+?	PUNCT
+
+Saturday	PROPN
+probably	ADV
+works	VERB
+better	ADV
+for	ADP
+me	PRON
+,	PUNCT
+just	ADV
+so	SCONJ
+that	SCONJ
+I	PRON
+am	VERB
+back	ADV
+in	ADP
+Houston	PROPN
+and	CCONJ
+doing	VERB
+laundry	NOUN
+by	ADP
+Sunday	PROPN
+afternoon	NOUN
+!!	PUNCT
+
+Hi	INTJ
+...	PUNCT
+
+Talked	VERB
+to	ADP
+the	DET
+little	ADJ
+mother	NOUN
+-	PUNCT
+to	NOUN
+-	PUNCT
+be	NOUN
+.	PUNCT
+
+She	PRON
+said	VERB
+a	DET
+shower	NOUN
+would	AUX
+be	AUX
+grand	ADJ
+.	PUNCT
+
+She	PRON
+has	VERB
+some	DET
+big	ADJ
+presentation	NOUN
+mid-January	PROPN
+.	PUNCT
+
+How	ADV
+does	AUX
+late	ADJ
+January	PROPN
+sound	VERB
+to	ADP
+you	PRON
+.	PUNCT
+
+Should	AUX
+we	PRON
+set	VERB
+a	DET
+date	NOUN
+now	ADV
+?	PUNCT
+
+Am	AUX
+I	PRON
+turning	VERB
+into	ADP
+Mother	NOUN
+?	PUNCT
+
+Cindy	PROPN
+
+I	PRON
+think	VERB
+that	SCONJ
+it	PRON
+is	AUX
+a	DET
+great	ADJ
+idea	NOUN
+to	PART
+get	VERB
+some	DET
+press	NOUN
+regarding	VERB
+our	PRON
+fundamental	ADJ
+operating	NOUN
+standards	NOUN
+,	PUNCT
+but	CCONJ
+I	PRON
+wonder	VERB
+about	ADP
+the	DET
+most	ADV
+appropriate	ADJ
+timing	NOUN
+,	PUNCT
+enough	ADJ
+of	ADP
+a	DET
+global	ADJ
+message	NOUN
+and	CCONJ
+the	DET
+means	NOUN
+of	ADP
+delivery	NOUN
+.	PUNCT
+
+On	ADP
+the	DET
+means	NOUN
+of	ADP
+delivery	NOUN
+,	PUNCT
+I	PRON
+am	AUX
+not	PART
+sure	ADJ
+from	ADP
+your	PRON
+note	NOUN
+whether	SCONJ
+or	CCONJ
+not	ADV
+I	PRON
+fully	ADV
+understand	VERB
+the	DET
+intent	NOUN
+.	PUNCT
+
+Is	VERB
+there	PRON
+an	DET
+article	NOUN
+to	PART
+be	AUX
+included	VERB
+in	ADP
+an	DET
+Enron	PROPN
+publication	NOUN
+and	CCONJ
+in	ADP
+addition	NOUN
+a	DET
+letter	NOUN
+to	PART
+be	AUX
+sent	VERB
+under	ADP
+John	PROPN
+'s	PART
+name	NOUN
+(	PUNCT
+if	SCONJ
+so	ADV
+,	PUNCT
+to	ADP
+whom	PRON
+will	AUX
+the	DET
+letter	NOUN
+be	AUX
+sent	VERB
+)	PUNCT
+?	PUNCT
+
+Or	CCONJ
+is	AUX
+the	DET
+letter	NOUN
+from	ADP
+John	PROPN
+an	DET
+introduction	NOUN
+to	PART
+be	AUX
+included	VERB
+as	ADP
+a	DET
+lead	NOUN
+in	NOUN
+to	ADP
+the	DET
+article	NOUN
+?	PUNCT
+
+With	ADP
+regard	NOUN
+to	ADP
+a	DET
+global	ADJ
+message	NOUN
+,	PUNCT
+I	PRON
+think	VERB
+that	SCONJ
+one	NUM
+of	ADP
+the	DET
+key	ADJ
+points	NOUN
+around	ADP
+fundamental	ADJ
+operating	NOUN
+standards	NOUN
+are	VERB
+that	SCONJ
+they	PRON
+are	AUX
+intended	VERB
+to	PART
+be	AUX
+global	ADJ
+in	ADP
+nature	NOUN
+,	PUNCT
+applied	VERB
+to	ADP
+every	DET
+commodity	NOUN
+and	CCONJ
+every	DET
+location	NOUN
+where	ADV
+we	PRON
+engage	VERB
+in	ADP
+trading	NOUN
+activities	NOUN
+.	PUNCT
+
+With	SCONJ
+these	DET
+operating	NOUN
+standards	NOUN
+implemented	VERB
+worldwide	ADV
+,	PUNCT
+we	PRON
+will	AUX
+know	VERB
+as	ADP
+operations	NOUN
+professionals	NOUN
+that	SCONJ
+risk	NOUN
+is	AUX
+being	AUX
+mitigated	VERB
+and	CCONJ
+we	PRON
+will	AUX
+be	AUX
+able	ADJ
+to	PART
+ensure	VERB
+Enron	PROPN
+top	NOUN
+management	NOUN
+that	SCONJ
+there	PRON
+is	VERB
+consistency	NOUN
+in	ADP
+operating	NOUN
+standards	NOUN
+worldwide	ADV
+.	PUNCT
+
+These	DET
+global	ADJ
+standards	NOUN
+also	ADV
+should	AUX
+enable	VERB
+Enron	PROPN
+to	PART
+expand	VERB
+its	PRON
+business	NOUN
+reach	NOUN
+more	ADV
+quickly	ADV
+,	PUNCT
+with	ADP
+well	ADV
+defined	VERB
+requirements	NOUN
+with	ADP
+regard	NOUN
+to	ADP
+trading	NOUN
+operations	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+not	PART
+sure	ADJ
+from	ADP
+the	DET
+article	NOUN
+as	SCONJ
+written	VERB
+that	SCONJ
+the	DET
+global	ADJ
+nature	NOUN
+of	ADP
+this	DET
+effort	NOUN
+comes	VERB
+across	ADV
+.	PUNCT
+
+Finally	ADV
+,	PUNCT
+a	DET
+question	NOUN
+regarding	VERB
+timing	NOUN
+.	PUNCT
+
+The	DET
+last	ADJ
+I	PRON
+knew	VERB
+after	SCONJ
+you	PRON
+and	CCONJ
+Brent	PROPN
+drafted	VERB
+this	DET
+starting	NOUN
+point	NOUN
+for	ADP
+fundamental	ADJ
+operating	NOUN
+standards	NOUN
+was	VERB
+that	SCONJ
+this	PRON
+was	AUX
+being	AUX
+circulated	VERB
+(	PUNCT
+Shona	PROPN
+took	VERB
+this	PRON
+to	PART
+do	VERB
+after	ADP
+Brent	PROPN
+'s	PART
+return	NOUN
+to	ADP
+Houston	PROPN
+)	PUNCT
+for	ADP
+comments	NOUN
+to	ADP
+all	DET
+business	NOUN
+controllers	NOUN
+.	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+believe	VERB
+that	SCONJ
+we	PRON
+are	AUX
+quite	ADV
+at	ADP
+the	DET
+point	NOUN
+that	ADV
+we	PRON
+can	AUX
+say	VERB
+that	SCONJ
+all	DET
+business	NOUN
+controllers	NOUN
+worldwide	ADV
+have	AUX
+reviewed	VERB
+,	PUNCT
+understand	VERB
+and	CCONJ
+have	AUX
+implemented	VERB
+these	DET
+standards	NOUN
+.	PUNCT
+
+And	CCONJ
+not	ADV
+to	PART
+belittle	VERB
+the	DET
+process	NOUN
+of	SCONJ
+creating	VERB
+the	DET
+standards	NOUN
+,	PUNCT
+the	DET
+tough	ADJ
+part	NOUN
+(	PUNCT
+and	CCONJ
+the	DET
+real	ADJ
+meat	NOUN
+behind	ADP
+this	PRON
+)	PUNCT
+will	AUX
+be	AUX
+an	DET
+effective	ADJ
+exception	NOUN
+report	NOUN
+on	ADP
+a	DET
+global	ADJ
+basis	NOUN
+against	ADP
+these	DET
+standards	NOUN
+.	PUNCT
+
+My	PRON
+commitment	NOUN
+to	ADP
+Rick	PROPN
+Causey	PROPN
+is	AUX
+that	SCONJ
+I	PRON
+will	AUX
+have	VERB
+that	DET
+global	ADJ
+report	NOUN
+in	ADP
+production	NOUN
+by	ADP
+the	DET
+end	NOUN
+of	ADP
+the	DET
+year	NOUN
+.	PUNCT
+
+There	PRON
+is	VERB
+much	ADJ
+work	NOUN
+to	PART
+do	VERB
+in	SCONJ
+defining	VERB
+the	DET
+content	NOUN
+and	CCONJ
+regularity	NOUN
+of	ADP
+the	DET
+report	NOUN
+and	CCONJ
+even	ADV
+more	ADJ
+work	NOUN
+to	PART
+do	VERB
+to	PART
+identify	VERB
+reliable	ADJ
+sources	NOUN
+of	ADP
+data	NOUN
+for	SCONJ
+compiling	VERB
+the	DET
+report	NOUN
+.	PUNCT
+
+Shona	PROPN
+has	AUX
+commissioned	VERB
+Mike	PROPN
+Moscoso	PROPN
+to	PART
+work	VERB
+on	ADP
+this	PRON
+,	PUNCT
+and	CCONJ
+I	PRON
+believe	VERB
+that	SCONJ
+Mike	PROPN
+has	AUX
+already	ADV
+been	AUX
+working	VERB
+with	ADP
+James	PROPN
+New	PROPN
+.	PUNCT
+
+So	ADV
+I	PRON
+question	VERB
+whether	SCONJ
+or	CCONJ
+not	ADV
+you	PRON
+want	VERB
+to	PART
+publish	VERB
+info	NOUN
+about	ADP
+fundamental	ADJ
+standards	NOUN
+that	PRON
+we	PRON
+can	AUX
+not	PART
+yet	ADV
+report	VERB
+against	ADP
+.	PUNCT
+
+Would	AUX
+a	DET
+more	ADV
+appropriate	ADJ
+time	NOUN
+be	AUX
+after	ADP
+the	DET
+Global	PROPN
+Operations	PROPN
+Controller	PROPN
+meeting	NOUN
+in	ADP
+October	PROPN
+when	ADV
+we	PRON
+should	AUX
+have	VERB
+worldwide	ADJ
+buy	NOUN
+-	PUNCT
+in	NOUN
+and	CCONJ
+commitment	NOUN
+to	ADP
+these	DET
+standards	NOUN
+and	CCONJ
+(	PUNCT
+hopefully	ADV
+)	PUNCT
+our	PRON
+first	ADJ
+draft	NOUN
+of	ADP
+a	DET
+meaningful	ADJ
+exception	NOUN
+report	NOUN
+?	PUNCT
+
+Sorry	ADJ
+that	SCONJ
+this	DET
+response	NOUN
+looks	VERB
+so	ADV
+long	ADJ
+.	PUNCT
+
+I	PRON
+have	AUX
+been	AUX
+interrupted	VERB
+20	NUM
+times	NOUN
+while	SCONJ
+responding	VERB
+,	PUNCT
+so	ADV
+I	PRON
+hope	VERB
+that	SCONJ
+it	PRON
+makes	VERB
+sense	NOUN
+.	PUNCT
+
+Thanks	NOUN
+for	SCONJ
+sharing	VERB
+this	PRON
+with	ADP
+me	PRON
+.	PUNCT
+
+Since	SCONJ
+you	PRON
+asked	VERB
+for	ADP
+input	NOUN
+,	PUNCT
+I	PRON
+hope	VERB
+that	SCONJ
+you	PRON
+do	AUX
+n't	PART
+mind	VERB
+that	SCONJ
+I	PRON
+gave	VERB
+you	PRON
+some	DET
+.	PUNCT
+
+--	PUNCT
+Sally	PROPN
+
+David	X
+W	X
+Delainey@ECT	X
+
+11/10/2000	NUM
+01:04	NUM
+PM	NOUN
+
+Steve	PROPN
+,	PUNCT
+I	PRON
+noticed	VERB
+that	SCONJ
+our	PRON
+allocation	NOUN
+from	ADP
+2000	NUM
+to	ADP
+2001	NUM
+is	AUX
+going	VERB
+up	ADV
+by	ADP
+21	NUM
+%	SYM
+year	NOUN
+on	ADP
+year	NOUN
+(	PUNCT
+ie	X
+)	PUNCT
+$	SYM
+13.9	NUM
+M	NUM
+from	ADP
+$	SYM
+11.5	NUM
+M	NUM
+.	PUNCT
+
+We	PRON
+have	AUX
+been	AUX
+able	ADJ
+to	PART
+keep	VERB
+ENA	PROPN
+'s	PART
+direct	ADJ
+group	NOUN
+expenses	NOUN
+flat	ADJ
+year	NOUN
+on	ADP
+year	NOUN
+,	PUNCT
+we	PRON
+are	AUX
+trying	VERB
+hard	ADV
+to	PART
+keep	VERB
+the	DET
+corporate	ADJ
+allocation	NOUN
+flat	ADJ
+year	NOUN
+to	ADP
+year	NOUN
+as	ADV
+well	ADV
+.	PUNCT
+
+Do	AUX
+you	PRON
+have	VERB
+a	DET
+view	NOUN
+on	SCONJ
+how	ADV
+we	PRON
+might	AUX
+be	AUX
+able	ADJ
+to	PART
+achieve	VERB
+this	DET
+goal	NOUN
+?	PUNCT
+
+Regards	NOUN
+
+Delainey	PROPN
+
+Do	AUX
+n't	PART
+worry	VERB
+about	ADP
+it	PRON
+...	PUNCT
+sorry	ADJ
+for	SCONJ
+putting	VERB
+you	PRON
+back	ADV
+on	ADP
+speaker	NOUN
+.	PUNCT
+
+I	PRON
+just	ADV
+wanted	VERB
+Sue	PROPN
+to	PART
+hear	VERB
+(	PUNCT
+she	PRON
+enjoys	VERB
+utility	NOUN
+bashing	NOUN
+so	ADV
+much	ADV
+)	PUNCT
+.	PUNCT
+
+Thanks	NOUN
+for	ADP
+the	DET
+comment	NOUN
+on	ADP
+the	DET
+hearing	NOUN
+.	PUNCT
+
+In	ADP
+some	DET
+respects	NOUN
+I	PRON
+do	AUX
+n't	PART
+think	VERB
+the	DET
+first	ADJ
+panel	NOUN
+could	AUX
+have	AUX
+gone	VERB
+much	ADV
+better	ADV
+;	PUNCT
+everyone	PRON
+thanked	VERB
+FERC	PROPN
+for	SCONJ
+intervening	VERB
+(	PUNCT
+though	SCONJ
+for	ADP
+different	ADJ
+reasons	NOUN
+)	PUNCT
+.	PUNCT
+
+The	DET
+other	ADJ
+staff	NOUN
+reports	NOUN
+are	AUX
+also	ADV
+looking	VERB
+good	ADJ
+.	PUNCT
+
+Scott	PROPN
+Miller	PROPN
+has	AUX
+been	AUX
+a	DET
+godsend	NOUN
+--	PUNCT
+somebody	PRON
+not	PART
+afraid	ADJ
+to	PART
+tell	VERB
+it	PRON
+like	SCONJ
+it	PRON
+is	VERB
+.	PUNCT
+
+Jeff	PROPN
+Dasovich	PROPN
+
+Sent	VERB
+by	ADP
+:	PUNCT
+Jeff	PROPN
+Dasovich	PROPN
+
+11/10/2000	NUM
+12:33	NUM
+PM	NOUN
+
+I	PRON
+apologize	VERB
+if	SCONJ
+I	PRON
+offended	VERB
+anyone	PRON
+.	PUNCT
+
+Please	INTJ
+let	VERB
+them	PRON
+know	VERB
+that	SCONJ
+I	PRON
+was	AUX
+simply	ADV
+quoting	VERB
+the	DET
+CEO	NOUN
+of	ADP
+a	DET
+large	ADJ
+,	PUNCT
+regulated	VERB
+utility	NOUN
+in	ADP
+California	PROPN
+.	PUNCT
+
+Thanks	NOUN
+for	SCONJ
+attributing	VERB
+the	DET
+quote	NOUN
+to	ADP
+me	PRON
+.	PUNCT
+
+You	PRON
+did	VERB
+a	DET
+great	ADJ
+job	NOUN
+at	ADP
+the	DET
+hearing	NOUN
+----	PUNCT
+it	PRON
+went	VERB
+decidely	ADV
+downhill	ADV
+after	SCONJ
+you	PRON
+left	VERB
+.	PUNCT
+
+Best	ADJ
+,	PUNCT
+
+Jeff	PROPN
+
+Does	AUX
+she	PRON
+have	VERB
+any	DET
+interest	NOUN
+in	SCONJ
+meeting	VERB
+one	NUM
+-	PUNCT
+on	ADP
+-	PUNCT
+one	NUM
+or	CCONJ
+is	AUX
+she	PRON
+just	ADV
+looking	VERB
+for	ADP
+a	DET
+public	ADJ
+hanging	NOUN
+?	PUNCT
+
+I	PRON
+remain	VERB
+convinced	ADJ
+that	SCONJ
+if	SCONJ
+we	PRON
+can	AUX
+just	ADV
+get	VERB
+the	DET
+facts	NOUN
+in	ADP
+front	NOUN
+of	ADP
+people	NOUN
+they	PRON
+will	AUX
+modulate	VERB
+their	PRON
+approach	NOUN
+.	PUNCT
+
+Jeff	PROPN
+Dasovich	PROPN
+
+Sent	VERB
+by	ADP
+:	PUNCT
+Jeff	PROPN
+Dasovich	PROPN
+
+11/10/2000	NUM
+12:21	NUM
+PM	NOUN
+
+Given	VERB
+the	DET
+short	ADJ
+notice	NOUN
+,	PUNCT
+we	PRON
+will	AUX
+politely	ADV
+decline	VERB
+to	PART
+participate	VERB
+at	ADP
+the	DET
+hearing	NOUN
+on	ADP
+Monday	PROPN
+,	PUNCT
+but	CCONJ
+will	AUX
+let	VERB
+the	DET
+good	ADJ
+Senator	NOUN
+know	VERB
+that	SCONJ
+,	PUNCT
+in	ADP
+general	ADJ
+,	PUNCT
+we	PRON
+intend	VERB
+to	PART
+engage	VERB
+actively	ADV
+in	ADP
+the	DET
+process	NOUN
+and	CCONJ
+plan	VERB
+to	PART
+help	VERB
+California	PROPN
+find	VERB
+a	DET
+solution	NOUN
+that	PRON
+works	VERB
+for	ADP
+everybody	PRON
+.	PUNCT
+
+Amen	INTJ
+.	PUNCT
+
+See	VERB
+below	ADV
+.	PUNCT
+
+Can	AUX
+we	PRON
+get	VERB
+some	DET
+help	NOUN
+on	ADP
+the	DET
+IBM	PROPN
+issues	NOUN
+?	PUNCT
+
+Erin	PROPN
+Rice	PROPN
+
+11/10/2000	NUM
+11:08	NUM
+AM	NOUN
+
+Steve	PROPN
+:	PUNCT
+
+At	ADP
+this	DET
+point	NOUN
+,	PUNCT
+our	PRON
+IT	NOUN
+contacts	NOUN
+are	AUX
+backpedalling	VERB
+a	DET
+bit	NOUN
+and	CCONJ
+suggesting	VERB
+they	PRON
+can	AUX
+overcome	VERB
+the	DET
+TIBCO	NOUN
+and	CCONJ
+Terminal	NOUN
+Server	NOUN
+problems	NOUN
+.	PUNCT
+
+There	PRON
+are	VERB
+still	ADV
+four	NUM
+important	ADJ
+issues	NOUN
+,	PUNCT
+however	ADV
+:	PUNCT
+
+IT	NOUN
+still	ADV
+can	AUX
+not	PART
+commit	VERB
+to	SCONJ
+transferring	VERB
+messages	NOUN
+across	ADP
+domains	NOUN
+.	PUNCT
+
+This	PRON
+means	VERB
+that	SCONJ
+messages	NOUN
+initiated	VERB
+at	ADP
+Corp	PROPN
+and	CCONJ
+intended	VERB
+for	ADP
+the	DET
+entire	ADJ
+Enron	PROPN
+organization	NOUN
+will	AUX
+not	PART
+reach	VERB
+any	DET
+business	NOUN
+units	NOUN
+outside	ADP
+the	DET
+Corp	PROPN
+domain	NOUN
+.	PUNCT
+
+No	DET
+messages	NOUN
+will	AUX
+reach	VERB
+the	DET
+EES	PROPN
+organization	NOUN
+unless	SCONJ
+IBM	PROPN
+agrees	VERB
+not	ADV
+to	PART
+use	VERB
+their	PRON
+proprietary	ADJ
+message	NOUN
+delivery	NOUN
+tool	NOUN
+,	PUNCT
+WebSphere	PROPN
+,	PUNCT
+and	CCONJ
+will	AUX
+use	VERB
+WebLogic	PROPN
+instead	ADV
+.	PUNCT
+
+WebLogic	PROPN
+is	AUX
+required	VERB
+by	ADP
+BackWeb	PROPN
+,	PUNCT
+although	SCONJ
+it	PRON
+is	AUX
+designed	VERB
+by	ADP
+a	DET
+separate	ADJ
+company	NOUN
+.	PUNCT
+
+HR	NOUN
+,	PUNCT
+intended	VERB
+to	PART
+be	AUX
+a	DET
+key	ADJ
+user	NOUN
+of	ADP
+this	DET
+tool	NOUN
+,	PUNCT
+will	AUX
+not	PART
+use	VERB
+BackWeb	PROPN
+because	SCONJ
+survey	NOUN
+responses	NOUN
+can	AUX
+not	PART
+be	AUX
+made	VERB
+anonymous	ADJ
+.	PUNCT
+
+HR	NOUN
+has	AUX
+already	ADV
+purchased	VERB
+a	DET
+tool	NOUN
+called	VERB
+CONFIRMIT	PROPN
+that	PRON
+can	AUX
+execute	VERB
+anonymous	ADJ
+surveys	NOUN
+.	PUNCT
+
+Messages	NOUN
+will	AUX
+not	PART
+be	AUX
+delivered	VERB
+simultaneously	ADV
+to	ADP
+all	DET
+users	NOUN
+in	ADP
+the	DET
+same	ADJ
+domain	NOUN
+,	PUNCT
+nor	CCONJ
+will	AUX
+they	PRON
+be	AUX
+delivered	VERB
+for	ADP
+two	NUM
+to	ADP
+five	NUM
+hours	NOUN
+after	SCONJ
+they	PRON
+are	AUX
+sent	VERB
+by	ADP
+the	DET
+message	NOUN
+administrator	NOUN
+.	PUNCT
+
+Another	DET
+thing	NOUN
+to	PART
+consider	VERB
+is	VERB
+that	SCONJ
+these	DET
+messages	NOUN
+will	AUX
+be	AUX
+set	ADJ
+to	PART
+expire	VERB
+and	CCONJ
+disappear	VERB
+within	ADP
+a	DET
+set	VERB
+period	NOUN
+of	ADP
+time	NOUN
+,	PUNCT
+meaning	VERB
+users	NOUN
+can	AUX
+not	PART
+retrieve	VERB
+them	PRON
+and	CCONJ
+read	VERB
+them	PRON
+later	ADV
+(	PUNCT
+as	SCONJ
+they	PRON
+can	AUX
+with	ADP
+e-mail	NOUN
+)	PUNCT
+.	PUNCT
+
+This	PRON
+means	VERB
+that	SCONJ
+I	PRON
+could	AUX
+be	AUX
+away	ADV
+from	ADP
+the	DET
+office	NOUN
+for	ADP
+several	ADJ
+days	NOUN
+and	CCONJ
+miss	VERB
+a	DET
+message	NOUN
+entirely	ADV
+,	PUNCT
+because	SCONJ
+it	PRON
+would	AUX
+have	AUX
+expired	VERB
+and	CCONJ
+disappeared	VERB
+by	ADP
+the	DET
+time	NOUN
+I	PRON
+returned	VERB
+.	PUNCT
+
+The	DET
+plain	ADJ
+fact	NOUN
+is	VERB
+that	SCONJ
+a	DET
+few	ADJ
+members	NOUN
+of	ADP
+IT	NOUN
+are	AUX
+pushing	VERB
+this	DET
+initiative	NOUN
+,	PUNCT
+but	CCONJ
+they	PRON
+lack	VERB
+commercial	ADJ
+sponsorship	NOUN
+.	PUNCT
+
+They	PRON
+are	AUX
+hoping	VERB
+Corp	PROPN
+will	AUX
+foot	VERB
+the	DET
+bill	NOUN
+for	ADP
+a	DET
+pilot	NOUN
+which	PRON
+will	AUX
+allow	VERB
+them	PRON
+to	PART
+fully	ADV
+test	VERB
+this	DET
+tool	NOUN
+before	SCONJ
+implementing	VERB
+it	PRON
+company	NOUN
+-	PUNCT
+wide	ADV
+.	PUNCT
+
+Please	INTJ
+let	VERB
+us	PRON
+know	VERB
+if	SCONJ
+you	PRON
+have	VERB
+additional	ADJ
+questions	NOUN
+.	PUNCT
+
+-	PUNCT
+er	PROPN
+
+Steven	PROPN
+J	PROPN
+Kean	PROPN
+
+11/09/2000	NUM
+11:35	NUM
+AM	NOUN
+
+Do	AUX
+we	PRON
+have	VERB
+a	DET
+sense	NOUN
+for	ADP
+how	ADV
+many	ADJ
+we	PRON
+can	AUX
+reach	VERB
+,	PUNCT
+how	ADV
+many	ADJ
+we	PRON
+ca	AUX
+n't	PART
+and	CCONJ
+where	ADV
+they	PRON
+are	AUX
+?	PUNCT
+
+Are	AUX
+whole	ADJ
+offices	NOUN
+(	PUNCT
+eg	X
+Tokyo	PROPN
+)	PUNCT
+unreachable	ADJ
+or	CCONJ
+is	AUX
+it	PRON
+only	ADV
+those	DET
+who	PRON
+have	VERB
+home	NOUN
+offices	NOUN
+?	PUNCT
+
+Courtney	PROPN
+Votaw	PROPN
+
+11/08/2000	NUM
+11:02	NUM
+AM	NOUN
+
+Mark	PROPN
+and	CCONJ
+Steve	PROPN
+-	PUNCT
+
+Erin	PROPN
+Rice	PROPN
+and	CCONJ
+I	PRON
+would	AUX
+like	VERB
+to	PART
+meet	VERB
+with	ADP
+you	PRON
+to	PART
+discuss	VERB
+the	DET
+issues	NOUN
+concerning	VERB
+BackWeb	PROPN
+before	SCONJ
+we	PRON
+proceed	VERB
+.	PUNCT
+
+As	SCONJ
+you	PRON
+can	AUX
+see	VERB
+from	ADP
+the	DET
+Design	NOUN
+Document	NOUN
+,	PUNCT
+they	PRON
+are	AUX
+pretty	ADV
+significant	ADJ
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Courtney	PROPN
+
+calendar	NOUN
+
+Paul	X
+Kaufman@ECT	X
+
+Sent	VERB
+by	ADP
+:	PUNCT
+Lysa	X
+Akin@ECT	X
+
+11/10/2000	NUM
+05:59	NUM
+PM	NOUN
+
+Paul	PROPN
+Kaufman	PROPN
+has	AUX
+asked	VERB
+me	PRON
+to	PART
+set	VERB
+a	DET
+conference	NOUN
+call	NOUN
+to	PART
+review	VERB
+the	DET
+FERC	PROPN
+Meeting	NOUN
+that	PRON
+was	AUX
+held	VERB
+Thursday	PROPN
+,	PUNCT
+Nov.	PROPN
+9th	NOUN
+.	PUNCT
+
+Please	INTJ
+be	AUX
+advised	VERB
+that	SCONJ
+I	PRON
+have	AUX
+set	VERB
+the	DET
+call	NOUN
+as	SCONJ
+follows	VERB
+:	PUNCT
+
+Date	NOUN
+:	PUNCT
+Monday	PROPN
+,	PUNCT
+Nov.	PROPN
+13th	NOUN
+
+Time	NOUN
+:	PUNCT
+11:30	NUM
+am	NOUN
+/	PUNCT
+1:30	NUM
+pm	NOUN
+Central	PROPN
+/	PUNCT
+2:30	NUM
+pm	NOUN
+Eastern	PROPN
+
+Call	VERB
+In	ADP
+#	NOUN
+:	PUNCT
+888-422-7132	NUM
+
+Pin	NOUN
+#	NOUN
+:	PUNCT
+411507	NUM
+
+Pin	NOUN
+#	NOUN
+for	ADP
+Paul	PROPN
+Kaufman	PROPN
+ONLY	ADV
+:	PUNCT
+362416	NUM
+
+If	SCONJ
+you	PRON
+have	VERB
+any	DET
+questions	NOUN
+,	PUNCT
+please	INTJ
+call	VERB
+503/464-7927	NUM
+.	PUNCT
+
+Lysa	PROPN
+Akin	PROPN
+Ass't.	NOUN
+to	ADP
+Paul	PROPN
+Kaufman	PROPN
+
+it	PRON
+'s	AUX
+on	ADV
+tonight	NOUN
+
+it	PRON
+'s	VERB
+did	AUX
+you	PRON
+watch	VERB
+your	PRON
+girl	NOUN
+on	ADP
+tv	NOUN
+last	ADJ
+night	NOUN
+?	PUNCT
+
+the	DET
+deal	NOUN
+number	NOUN
+is	AUX
+814014	NUM
+-	PUNCT
+why	ADV
+ca	AUX
+n't	PART
+you	PRON
+see	VERB
+this	PRON
+?	PUNCT
+
+Did	AUX
+you	PRON
+do	VERB
+a	DET
+deal	NOUN
+with	ADP
+National	PROPN
+Fuel	PROPN
+Marketing	PROPN
+purchasing	VERB
+3,500	NUM
+mmbtu	NOUN
+on	ADP
+May	PROPN
+30th	NOUN
+@	ADP
+2.975	NUM
+?	PUNCT
+
+They	PRON
+are	AUX
+invoicing	VERB
+for	ADP
+this	PRON
+and	CCONJ
+I	PRON
+do	AUX
+n't	PART
+have	VERB
+an	DET
+invoice	NOUN
+for	ADP
+it	PRON
+.	PUNCT
+
+Can	AUX
+you	PRON
+give	VERB
+me	PRON
+the	DET
+Sitara	PROPN
+deal	NOUN
+#	NOUN
+?	PUNCT
+
+Thanks	NOUN
+
+Darla	PROPN
+
+Ok	ADJ
+to	PART
+book	VERB
+for	ADP
+me	PRON
+and	CCONJ
+my	PRON
+husband	NOUN
+,	PUNCT
+Joseph	PROPN
+.	PUNCT
+
+I	PRON
+was	AUX
+issued	VERB
+a	DET
+new	ADJ
+corporate	ADJ
+American	PROPN
+Express	PROPN
+card	NOUN
+.	PUNCT
+
+Same	ADJ
+number	NOUN
+with	ADP
+expiration	NOUN
+date	NOUN
+of	ADP
+3/03	NUM
+.	PUNCT
+
+If	SCONJ
+you	PRON
+need	VERB
+any	DET
+more	ADJ
+info	NOUN
+,	PUNCT
+please	INTJ
+advise	VERB
+.	PUNCT
+
+Otherwise	ADV
+,	PUNCT
+I	PRON
+will	AUX
+assume	VERB
+you	PRON
+will	AUX
+book	VERB
+the	DET
+two	NUM
+tickets	NOUN
+.	PUNCT
+
+Thank	VERB
+you	PRON
+.	PUNCT
+
+Actually	ADV
+-	PUNCT
+upon	ADP
+second	ADJ
+look	NOUN
+the	DET
+deal	NOUN
+number	NOUN
+is	AUX
+814014	NUM
+-	PUNCT
+why	ADV
+ca	AUX
+n't	PART
+you	PRON
+see	VERB
+this	PRON
+?	PUNCT
+
+Did	AUX
+you	PRON
+do	VERB
+a	DET
+deal	NOUN
+with	ADP
+National	PROPN
+Fuel	PROPN
+Marketing	PROPN
+purchasing	VERB
+3,500	NUM
+mmbtu	NOUN
+on	ADP
+May	PROPN
+30th	NOUN
+@	ADP
+2.975	NUM
+?	PUNCT
+
+They	PRON
+are	AUX
+invoicing	VERB
+for	ADP
+this	PRON
+and	CCONJ
+I	PRON
+do	AUX
+n't	PART
+have	VERB
+an	DET
+invoice	NOUN
+for	ADP
+it	PRON
+.	PUNCT
+
+Can	AUX
+you	PRON
+give	VERB
+me	PRON
+the	DET
+Sitara	PROPN
+deal	NOUN
+#	NOUN
+?	PUNCT
+
+Thanks	NOUN
+
+Darla	PROPN
+
+should	AUX
+be	AUX
+non	X
+bondad	NOUN
+
+Jane	PROPN
+,	PUNCT
+on	ADP
+deal	NOUN
+763736	NUM
+for	ADP
+May	PROPN
+01	NUM
+sales	NOUN
+to	ADP
+Southwest	PROPN
+Gas	PROPN
+,	PUNCT
+we	PRON
+have	VERB
+a	DET
+pricing	NOUN
+discrepancy	NOUN
+.	PUNCT
+
+Our	PRON
+system	NOUN
+reflects	VERB
+SJ	NOUN
+Bondad	NOUN
+GDP	NOUN
+but	CCONJ
+SWG	PROPN
+is	AUX
+going	VERB
+to	PART
+pay	VERB
+us	PRON
+based	VERB
+on	ADP
+SJ	NOUN
+Non-Bondad	NOUN
+GDP	NOUN
+.	PUNCT
+
+Can	AUX
+you	PRON
+please	INTJ
+confirm	VERB
+which	DET
+price	NOUN
+is	AUX
+correct	ADJ
+and	CCONJ
+make	VERB
+the	DET
+change	NOUN
+in	ADP
+Sitara	PROPN
+if	SCONJ
+necessary	ADJ
+?	PUNCT
+
+Thanks	NOUN
+
+Laurie	PROPN
+Ellis	PROPN
+Enron	PROPN
+Net	PROPN
+Works	PROPN
+LLC	PROPN
+Client	NOUN
+Services	NOUN
+Phone	NOUN
+:	PUNCT
+(	PUNCT
+713	NUM
+)	PUNCT
+345-9945	NUM
+Fax	NOUN
+:	PUNCT
+(	PUNCT
+713	NUM
+)	PUNCT
+646-8420	NUM
+Email	NOUN
+:	PUNCT
+laurie.ellis@enron.com	X
+
+Sorry	ADJ
+about	ADP
+the	DET
+flooding	NOUN
+.	PUNCT
+
+Hope	VERB
+you	PRON
+and	CCONJ
+your	PRON
+family	NOUN
+survived	VERB
+ok	ADV
+.	PUNCT
+
+Attached	VERB
+are	AUX
+the	DET
+gas	NOUN
+settlement	NOUN
+and	CCONJ
+support	NOUN
+for	ADP
+May	PROPN
+.	PUNCT
+
+The	DET
+only	ADJ
+difference	NOUN
+we	PRON
+had	VERB
+was	AUX
+for	ADP
+package	NOUN
+V02	NOUN
+.	PUNCT
+
+Mark	PROPN
+Anderson	PROPN
+says	VERB
+that	SCONJ
+even	ADV
+though	SCONJ
+Bondad	NOUN
+gas	NOUN
+flowed	VERB
+,	PUNCT
+the	DET
+price	NOUN
+was	AUX
+Non-Bondad	NOUN
+.	PUNCT
+
+Have	VERB
+a	DET
+great	ADJ
+day	NOUN
+.	PUNCT
+
+Nancy	PROPN
+
+-	PUNCT
+ENRON.XLS	NOUN
+<<	PUNCT
+File	NOUN
+:	PUNCT
+ENRON.XLS	NOUN
+>>	PUNCT
+
+-	PUNCT
+enrongss.xls	NOUN
+<<	PUNCT
+File	NOUN
+:	PUNCT
+enrongss.xls	NOUN
+>>	PUNCT
+
+actually	ADV
+-	PUNCT
+for	ADP
+volumes	NOUN
+flowing	VERB
+out	ADP
+of	ADP
+bondad	VERB
+-	PUNCT
+which	PRON
+is	AUX
+deal	NOUN
+number	NOUN
+763736	NUM
+price	NOUN
+is	AUX
+bondad	ADJ
+gda	NOUN
+;	PUNCT
+for	ADP
+blanco	PROPN
+-	PUNCT
+deal	NOUN
+number	NOUN
+759933	NUM
+-	PUNCT
+price	NOUN
+is	AUX
+nonbondad	NOUN
+gda	NOUN
+
+Jane	PROPN
+,	PUNCT
+on	ADP
+deal	NOUN
+763736	NUM
+for	ADP
+May	PROPN
+01	NUM
+sales	NOUN
+to	ADP
+Southwest	PROPN
+Gas	PROPN
+,	PUNCT
+we	PRON
+have	VERB
+a	DET
+pricing	NOUN
+discrepancy	NOUN
+.	PUNCT
+
+Our	PRON
+system	NOUN
+reflects	VERB
+SJ	NOUN
+Bondad	NOUN
+GDP	NOUN
+but	CCONJ
+SWG	PROPN
+is	AUX
+going	VERB
+to	PART
+pay	VERB
+us	PRON
+based	VERB
+on	ADP
+SJ	NOUN
+Non-Bondad	NOUN
+GDP	NOUN
+.	PUNCT
+
+Can	AUX
+you	PRON
+please	INTJ
+confirm	VERB
+which	DET
+price	NOUN
+is	AUX
+correct	ADJ
+and	CCONJ
+make	VERB
+the	DET
+change	NOUN
+in	ADP
+Sitara	PROPN
+if	SCONJ
+necessary	ADJ
+?	PUNCT
+
+Thanks	NOUN
+
+Laurie	PROPN
+Ellis	PROPN
+Enron	PROPN
+Net	PROPN
+Works	PROPN
+LLC	PROPN
+Client	NOUN
+Services	NOUN
+Phone	NOUN
+:	PUNCT
+(	PUNCT
+713	NUM
+)	PUNCT
+345-9945	NUM
+Fax	NOUN
+:	PUNCT
+(	PUNCT
+713	NUM
+)	PUNCT
+646-8420	NUM
+Email	NOUN
+:	PUNCT
+laurie.ellis@enron.com	X
+
+Sorry	ADJ
+about	ADP
+the	DET
+flooding	NOUN
+.	PUNCT
+
+Hope	VERB
+you	PRON
+and	CCONJ
+your	PRON
+family	NOUN
+survived	VERB
+ok	ADV
+.	PUNCT
+
+Attached	VERB
+are	AUX
+the	DET
+gas	NOUN
+settlement	NOUN
+and	CCONJ
+support	NOUN
+for	ADP
+May	PROPN
+.	PUNCT
+
+The	DET
+only	ADJ
+difference	NOUN
+we	PRON
+had	VERB
+was	AUX
+for	ADP
+package	NOUN
+V02	NOUN
+.	PUNCT
+
+Mark	PROPN
+Anderson	PROPN
+says	VERB
+that	SCONJ
+even	ADV
+though	SCONJ
+Bondad	NOUN
+gas	NOUN
+flowed	VERB
+,	PUNCT
+the	DET
+price	NOUN
+was	AUX
+Non-Bondad	NOUN
+.	PUNCT
+
+Have	VERB
+a	DET
+great	ADJ
+day	NOUN
+.	PUNCT
+
+Nancy	PROPN
+
+-	PUNCT
+ENRON.XLS	NOUN
+<<	PUNCT
+File	NOUN
+:	PUNCT
+ENRON.XLS	NOUN
+>>	PUNCT
+
+-	PUNCT
+enrongss.xls	NOUN
+<<	PUNCT
+File	NOUN
+:	PUNCT
+enrongss.xls	NOUN
+>>	PUNCT
+
+I	PRON
+talked	VERB
+with	ADP
+Mark	PROPN
+at	ADP
+SW	PROPN
+Gas	PROPN
+-	PUNCT
+just	ADV
+honro	VERB
+his	PRON
+numbers	NOUN
+
+Nancy	PROPN
+,	PUNCT
+can	AUX
+you	PRON
+please	INTJ
+reconfirm	VERB
+with	ADP
+Mark	PROPN
+the	DET
+price	NOUN
+for	ADP
+the	DET
+gas	NOUN
+at	ADP
+Bondad	NOUN
+?	PUNCT
+
+My	PRON
+trader	NOUN
+is	AUX
+supporting	VERB
+her	PRON
+price	NOUN
+of	ADP
+SJ	NOUN
+Bondad	NOUN
+GDP	NOUN
+rather	ADV
+than	ADP
+SJ	NOUN
+Non-Bondad	NOUN
+GDP	NOUN
+.	PUNCT
+
+Thanks	NOUN
+
+Laurie	PROPN
+Ellis	PROPN
+Enron	PROPN
+Net	PROPN
+Works	PROPN
+LLC	PROPN
+Client	NOUN
+Services	NOUN
+Phone	NOUN
+:	PUNCT
+(	PUNCT
+713	NUM
+)	PUNCT
+345-9945	NUM
+Fax	NOUN
+:	PUNCT
+(	PUNCT
+713	NUM
+)	PUNCT
+646-8420	NUM
+Email	NOUN
+:	PUNCT
+laurie.ellis@enron.com	X
+
+actually	ADV
+-	PUNCT
+for	ADP
+volumes	NOUN
+flowing	VERB
+out	ADP
+of	ADP
+bondad	VERB
+-	PUNCT
+which	PRON
+is	AUX
+deal	NOUN
+number	NOUN
+763736	NUM
+price	NOUN
+is	AUX
+bondad	NOUN
+gda	NOUN
+;	PUNCT
+for	ADP
+blanco	PROPN
+-	PUNCT
+deal	NOUN
+number	NOUN
+759933	NUM
+-	PUNCT
+price	NOUN
+is	AUX
+nonbondad	NOUN
+gda	NOUN
+
+Jane	PROPN
+,	PUNCT
+on	ADP
+deal	NOUN
+763736	NUM
+for	ADP
+May	PROPN
+01	NUM
+sales	NOUN
+to	ADP
+Southwest	PROPN
+Gas	PROPN
+,	PUNCT
+we	PRON
+have	VERB
+a	DET
+pricing	NOUN
+discrepancy	NOUN
+.	PUNCT
+
+Our	PRON
+system	NOUN
+reflects	VERB
+SJ	NOUN
+Bondad	NOUN
+GDP	NOUN
+but	CCONJ
+SWG	PROPN
+is	AUX
+going	VERB
+to	PART
+pay	VERB
+us	PRON
+based	VERB
+on	ADP
+SJ	NOUN
+Non-Bondad	NOUN
+GDP	NOUN
+.	PUNCT
+
+Can	AUX
+you	PRON
+please	INTJ
+confirm	VERB
+which	DET
+price	NOUN
+is	AUX
+correct	ADJ
+and	CCONJ
+make	VERB
+the	DET
+change	NOUN
+in	ADP
+Sitara	PROPN
+if	SCONJ
+necessary	ADJ
+?	PUNCT
+
+Thanks	NOUN
+
+Laurie	PROPN
+Ellis	PROPN
+Enron	PROPN
+Net	PROPN
+Works	PROPN
+LLC	PROPN
+Client	NOUN
+Services	NOUN
+Phone	NOUN
+:	PUNCT
+(	PUNCT
+713	NUM
+)	PUNCT
+345-9945	NUM
+Fax	NOUN
+:	PUNCT
+(	PUNCT
+713	NUM
+)	PUNCT
+646-8420	NUM
+Email	NOUN
+:	PUNCT
+laurie.ellis@enron.com	X
+
+Sorry	ADJ
+about	ADP
+the	DET
+flooding	NOUN
+.	PUNCT
+
+Hope	VERB
+you	PRON
+and	CCONJ
+your	PRON
+family	NOUN
+survived	VERB
+ok	ADV
+.	PUNCT
+
+Attached	VERB
+are	AUX
+the	DET
+gas	NOUN
+settlement	NOUN
+and	CCONJ
+support	NOUN
+for	ADP
+May	PROPN
+.	PUNCT
+
+The	DET
+only	ADJ
+difference	NOUN
+we	PRON
+had	VERB
+was	AUX
+for	ADP
+package	NOUN
+V02	NOUN
+.	PUNCT
+
+Mark	PROPN
+Anderson	PROPN
+says	VERB
+that	SCONJ
+even	ADV
+though	SCONJ
+Bondad	NOUN
+gas	NOUN
+flowed	VERB
+,	PUNCT
+the	DET
+price	NOUN
+was	AUX
+Non-Bondad	NOUN
+.	PUNCT
+
+Have	VERB
+a	DET
+great	ADJ
+day	NOUN
+.	PUNCT
+
+Nancy	PROPN
+
+-	PUNCT
+ENRON.XLS	NOUN
+<<	PUNCT
+File	NOUN
+:	PUNCT
+ENRON.XLS	NOUN
+>>	PUNCT
+
+-	PUNCT
+enrongss.xls	NOUN
+<<	PUNCT
+File	NOUN
+:	PUNCT
+enrongss.xls	NOUN
+>>	PUNCT
+
+Please	INTJ
+find	VERB
+enclosed	VERB
+EES	PROPN
+'s	PART
+request	NOUN
+for	ADP
+Volumes	NOUN
+for	ADP
+PGE	PROPN
+CityGate	PROPN
+delvery	NOUN
+effective	ADJ
+11/1/01	NUM
+:	PUNCT
+
+See	VERB
+attached	VERB
+spreadsheet	NOUN
+.	PUNCT
+
+Please	INTJ
+quote	VERB
+the	DET
+Gas	NOUN
+on	ADP
+an	DET
+Indexed	VERB
+Basis	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+have	VERB
+any	DET
+questions	NOUN
+or	CCONJ
+comments	NOUN
+,	PUNCT
+please	INTJ
+advise	VERB
+.	PUNCT
+
+I	PRON
+have	AUX
+not	PART
+had	VERB
+the	DET
+patience	NOUN
+to	PART
+get	VERB
+it	PRON
+working	VERB
+-	PUNCT
+I	PRON
+will	AUX
+call	VERB
+you	PRON
+some	DET
+evening	NOUN
+and	CCONJ
+we	PRON
+can	AUX
+walk	VERB
+thru	ADP
+it	PRON
+.	PUNCT
+
+How	ADV
+was	AUX
+your	PRON
+trip	NOUN
+to	ADP
+Des	PROPN
+Moines	PROPN
+?	PUNCT
+
+Did	AUX
+dthat	DET
+stuff	NOUN
+form	ADP
+Joe	PROPN
+help	VERB
+your	PRON
+car	NOUN
+.	PUNCT
+
+Hey	INTJ
+Cester	PROPN
+,	PUNCT
+
+When	ADV
+are	AUX
+we	PRON
+going	VERB
+to	PART
+get	VERB
+NetMeeting	PROPN
+going	VERB
+?	PUNCT
+
+How	ADV
+is	AUX
+Deb	PROPN
+'s	PART
+knee	NOUN
+?	PUNCT
+
+Did	AUX
+she	PRON
+ever	ADV
+go	VERB
+to	ADP
+a	DET
+real	ADJ
+doctor	NOUN
+?	PUNCT
+
+[	PUNCT
+Tholt	PROPN
+,	PUNCT
+Jane	PROPN
+M.	PROPN
+]	PUNCT
+
+Yes	INTJ
+She	PRON
+is	AUX
+having	VERB
+physical	ADJ
+theraphy	ADV
+3	NUM
+times	NOUN
+a	DET
+week	NOUN
+.	PUNCT
+
+She	PRON
+said	VERB
+it	PRON
+is	AUX
+getting	VERB
+better	ADJ
+.	PUNCT
+
+I	PRON
+have	AUX
+n't	PART
+seen	VERB
+her	PRON
+for	ADP
+a	DET
+couple	NOUN
+of	ADP
+weeks	NOUN
+and	CCONJ
+have	AUX
+only	ADV
+talked	VERB
+to	ADP
+her	PRON
+.	PUNCT
+
+I	PRON
+will	AUX
+probably	ADV
+be	AUX
+calling	VERB
+you	PRON
+next	ADJ
+week	NOUN
+-	PUNCT
+the	DET
+desk	NOUN
+wants	VERB
+me	PRON
+to	PART
+become	VERB
+more	ADV
+involved	ADJ
+in	ADP
+regulatory	ADJ
+updates	NOUN
+so	ADV
+I	PRON
+will	AUX
+seek	VERB
+your	PRON
+assistance	NOUN
+with	ADP
+this	DET
+matter	NOUN
+.	PUNCT
+
+Jared	PROPN
+just	ADV
+told	VERB
+me	PRON
+you	PRON
+have	VERB
+a	DET
+BUNCH	NOUN
+of	ADP
+stuff	NOUN
+on	ADP
+your	PRON
+plate	NOUN
+and	CCONJ
+I	PRON
+think	VERB
+you	PRON
+are	AUX
+about	ADJ
+to	PART
+get	VERB
+much	ADV
+busier	ADJ
+too	ADV
+.	PUNCT
+
+cool	ADJ
+by	ADP
+me	PRON
+!	PUNCT
+
+Jared	PROPN
+,	PUNCT
+Ruth	PROPN
+and	CCONJ
+I	PRON
+are	AUX
+going	VERB
+to	PART
+go	VERB
+over	ADV
+all	DET
+the	DET
+Florida	PROPN
+activity	NOUN
+tomorrow	NOUN
+morning	NOUN
+.	PUNCT
+
+If	SCONJ
+no	DET
+one	NOUN
+objects	VERB
+,	PUNCT
+I	PRON
+will	AUX
+be	AUX
+the	DET
+lead	ADJ
+coordinator	NOUN
+on	ADP
+Florida	PROPN
+starting	VERB
+tomorrow	NOUN
+.	PUNCT
+
+Yes	INTJ
+maam	NOUN
+,	PUNCT
+she	PRON
+'s	AUX
+UBS	NOUN
+now	ADV
+.	PUNCT
+
+She	PRON
+was	VERB
+just	ADV
+down	ADV
+here	ADV
+too	ADV
+.	PUNCT
+
+Chris	PROPN
+,	PUNCT
+
+I	PRON
+did	AUX
+n't	PART
+remember	VERB
+if	SCONJ
+your	PRON
+email	NOUN
+mentioned	VERB
+Judy	PROPN
+.	PUNCT
+
+Did	AUX
+she	PRON
+make	VERB
+it	PRON
+?	PUNCT
+
+Cindy	PROPN
+Franklin	PROPN
+Transportation	NOUN
+Services	NOUN
+Work	NOUN
+:	PUNCT
+832.676.3177	NUM
+Fax	NOUN
+:	PUNCT
+832.676.1329	NUM
+Pager	NOUN
+:	PUNCT
+1.888.509.3736	NUM
+
+******************************************************************	PUNCT
+
+This	DET
+email	NOUN
+and	CCONJ
+any	DET
+files	NOUN
+transmitted	VERB
+with	ADP
+it	PRON
+from	ADP
+the	DET
+ElPaso	PROPN
+Corporation	PROPN
+are	VERB
+confidential	ADJ
+and	CCONJ
+intended	VERB
+solely	ADV
+for	ADP
+the	DET
+use	NOUN
+of	ADP
+the	DET
+individual	NOUN
+or	CCONJ
+entity	NOUN
+to	ADP
+whom	PRON
+they	PRON
+are	AUX
+addressed	VERB
+.	PUNCT
+
+If	SCONJ
+you	PRON
+have	AUX
+received	VERB
+this	DET
+email	NOUN
+in	ADP
+error	NOUN
+please	INTJ
+notify	VERB
+the	DET
+sender	NOUN
+.	PUNCT
+
+******************************************************************	PUNCT
+
+Jared	PROPN
+,	PUNCT
+Ruth	PROPN
+and	CCONJ
+I	PRON
+are	AUX
+going	VERB
+to	PART
+go	VERB
+over	ADV
+all	DET
+the	DET
+Florida	PROPN
+activity	NOUN
+tomorrow	NOUN
+morning	NOUN
+.	PUNCT
+
+If	SCONJ
+no	DET
+one	NOUN
+objects	VERB
+,	PUNCT
+I	PRON
+will	AUX
+be	AUX
+the	DET
+lead	ADJ
+coordinator	NOUN
+on	ADP
+Florida	PROPN
+starting	VERB
+tomorrow	NOUN
+.	PUNCT
+
+OK	INTJ
+,	PUNCT
+I	PRON
+never	ADV
+get	VERB
+to	PART
+talk	VERB
+to	ADP
+Ruth	PROPN
+because	SCONJ
+SHE	PRON
+IS	VERB
+ALWAYS	ADV
+ON	ADP
+THE	DET
+PHONE	NOUN
+.	PUNCT
+
+And	CCONJ
+I	PRON
+bet	VERB
+she	PRON
+'s	AUX
+on	ADP
+the	DET
+phone	NOUN
+with	ADP
+Shemin	PROPN
+too	ADV
+!!!	PUNCT
+
+Should	AUX
+we	PRON
+all	DET
+get	VERB
+together	ADV
+and	CCONJ
+make	VERB
+a	DET
+conference	NOUN
+call	NOUN
+to	ADP
+Dominion	PROPN
+like	SCONJ
+we	PRON
+did	AUX
+before	ADV
+or	CCONJ
+should	AUX
+I	PRON
+just	ADV
+call	VERB
+Jeff	PROPN
+Davis	PROPN
+myself	PRON
+?	PUNCT
+
+Our	PRON
+last	ADJ
+call	NOUN
+was	AUX
+Iris	PROPN
+Kind	PROPN
+,	PUNCT
+Bill	PROPN
+Savier	PROPN
+(	PUNCT
+sp	NOUN
+?	PUNCT
+)	PUNCT
+,	PUNCT
+and	CCONJ
+Jeff	PROPN
+Davis	PROPN
+.	PUNCT
+
+Do	AUX
+n't	PART
+forget	VERB
+about	ADP
+me	PRON
+.	PUNCT
+
+I	PRON
+'m	AUX
+still	ADV
+trying	VERB
+to	PART
+find	VERB
+out	ADP
+what	PRON
+it	PRON
+will	AUX
+take	VERB
+to	PART
+move	VERB
+gas	NOUN
+on	NOUN
+and	CCONJ
+ENA	NOUN
+tabs	NOUN
+agreement	NOUN
+.	PUNCT
+
+No	DET
+transportation	NOUN
+at	ADP
+this	DET
+point	NOUN
+,	PUNCT
+just	ADV
+a	DET
+tabs	NOUN
+.	PUNCT
+
+Also	ADV
+,	PUNCT
+it	PRON
+will	AUX
+be	AUX
+much	ADV
+easier	ADJ
+for	SCONJ
+you	PRON
+guys	NOUN
+to	PART
+monitor	VERB
+because	SCONJ
+most	ADJ
+of	ADP
+the	DET
+deals	NOUN
+will	AUX
+be	AUX
+monthly	ADJ
+.	PUNCT
+
+Steve	PROPN
+,	PUNCT
+everything	PRON
+looks	VERB
+good	ADJ
+with	ADP
+one	NUM
+exception	NOUN
+.	PUNCT
+
+The	DET
+rate	NOUN
+schedule	NOUN
+on	ADP
+Tennessee	PROPN
+should	AUX
+be	AUX
+either	CCONJ
+NET	NOUN
+-	PUNCT
+2	NUM
+or	CCONJ
+NET	NOUN
+-	PUNCT
+284	NUM
+.	PUNCT
+
+I	PRON
+wo	AUX
+n't	PART
+find	VERB
+out	ADP
+until	ADP
+Monday	PROPN
+.	PUNCT
+
+You	PRON
+review	VERB
+and	CCONJ
+approve	VERB
+it	PRON
+,	PUNCT
+keep	VERB
+it	PRON
+on	ADP
+your	PRON
+desk	NOUN
+,	PUNCT
+and	CCONJ
+I	PRON
+will	AUX
+come	VERB
+over	ADV
+and	CCONJ
+make	VERB
+the	DET
+change	NOUN
+at	ADP
+your	PRON
+desk	NOUN
+on	ADP
+Monday	PROPN
+.	PUNCT
+
+Then	ADV
+I	PRON
+'ll	AUX
+take	VERB
+it	PRON
+to	ADP
+Ed	PROPN
+for	ADP
+his	PRON
+approval	NOUN
+.	PUNCT
+
+By	ADP
+the	DET
+way	NOUN
+,	PUNCT
+Cullen	PROPN
+and	CCONJ
+Dykman	PROPN
+is	AUX
+sending	VERB
+copies	NOUN
+of	SCONJ
+what	PRON
+we	PRON
+are	AUX
+doing	VERB
+to	ADP
+Melanie	PROPN
+Gray	PROPN
+.	PUNCT
+
+Chris	PROPN
+:	PUNCT
+
+Per	ADP
+our	PRON
+conversation	NOUN
+a	DET
+few	ADJ
+minutes	NOUN
+ago	ADV
+,	PUNCT
+attached	VERB
+please	INTJ
+find	VERB
+the	DET
+revised	VERB
+Stipulation	NOUN
+.	PUNCT
+
+This	DET
+document	NOUN
+has	AUX
+been	AUX
+modified	VERB
+with	ADP
+the	DET
+changes	NOUN
+that	PRON
+were	AUX
+in	ADP
+the	DET
+mark	NOUN
+-	PUNCT
+up	NOUN
+you	PRON
+faxed	VERB
+to	ADP
+Toni	PROPN
+Donohue	PROPN
+here	ADV
+a	DET
+few	ADJ
+hours	NOUN
+ago	ADV
+.	PUNCT
+
+I	PRON
+also	ADV
+deleted	VERB
+"	PUNCT
+subject	ADJ
+to	ADP
+recall	NOUN
+"	PUNCT
+based	VERB
+on	ADP
+our	PRON
+discussion	NOUN
+,	PUNCT
+assuming	VERB
+you	PRON
+get	VERB
+approval	NOUN
+for	ADP
+that	DET
+revision	NOUN
+.	PUNCT
+
+You	PRON
+informed	VERB
+me	PRON
+that	SCONJ
+you	PRON
+would	AUX
+discuss	VERB
+this	PRON
+with	ADP
+your	PRON
+attorney	NOUN
+.	PUNCT
+
+Also	ADV
+,	PUNCT
+as	SCONJ
+I	PRON
+mentioned	VERB
+to	ADP
+you	PRON
+,	PUNCT
+we	PRON
+have	AUX
+faxed	VERB
+your	PRON
+mark	NOUN
+-	PUNCT
+up	NOUN
+to	ADP
+Melanie	PROPN
+Gray	PROPN
+at	ADP
+Weil	PROPN
+Gotschal	PROPN
+in	ADP
+Houston	PROPN
+to	PART
+keep	VERB
+her	PRON
+informed	ADJ
+.	PUNCT
+
+(	PUNCT
+Her	PRON
+voice	NOUN
+mail	NOUN
+says	VERB
+she	PRON
+'s	AUX
+out	ADP
+of	ADP
+the	DET
+office	NOUN
+until	ADP
+Monday	PROPN
+.	PUNCT
+)	PUNCT
+
+Thanks	NOUN
+for	ADP
+all	DET
+your	PRON
+help	NOUN
+on	ADP
+this	PRON
+.	PUNCT
+
+David	PROPN
+T.	PROPN
+Metcalfe	PROPN
+Cullen	PROPN
+and	CCONJ
+Dykman	PROPN
+LLP	PROPN
+177	NUM
+Montague	PROPN
+Street	PROPN
+Brooklyn	PROPN
+,	PUNCT
+New	PROPN
+York	PROPN
+11201	NUM
+phone	NOUN
+:	PUNCT
+718-780-0046	NUM
+fax	NOUN
+:	PUNCT
+718-780-0276	NUM
+e-mail	NOUN
+:	PUNCT
+dmetcalfe@cullenanddykman.com	X
+
+____________________________________________________	SYM
+
+This	DET
+email	NOUN
+may	AUX
+contain	VERB
+material	NOUN
+that	PRON
+is	AUX
+confidential	ADJ
+,	PUNCT
+privileged	ADJ
+and	CCONJ
+/	PUNCT
+or	CCONJ
+attorney	NOUN
+work	NOUN
+product	NOUN
+for	ADP
+the	DET
+sole	ADJ
+use	NOUN
+of	ADP
+the	DET
+intended	VERB
+recipient	NOUN
+(	PUNCT
+s	X
+)	PUNCT
+.	PUNCT
+
+Any	DET
+review	NOUN
+,	PUNCT
+reliance	NOUN
+or	CCONJ
+distribution	NOUN
+by	ADP
+others	NOUN
+or	CCONJ
+forwarding	NOUN
+without	ADP
+express	ADJ
+permission	NOUN
+is	AUX
+strictly	ADV
+prohibited	VERB
+.	PUNCT
+
+If	SCONJ
+you	PRON
+are	AUX
+not	PART
+the	DET
+intended	VERB
+recipient	NOUN
+,	PUNCT
+please	INTJ
+contact	VERB
+the	DET
+sender	NOUN
+and	CCONJ
+delete	VERB
+all	DET
+copies	NOUN
+.	PUNCT
+
+<<	PUNCT
+Stipulation	X
+-ECT-KEDNE	X
+re	X
+IGTS	X
+&	X
+Tennessee	X
+Cap	X
+Releases	X
+-FINAL.doc	NOUN
+>>	PUNCT
+
+<<	PUNCT
+BLACKLINE	X
+-Stip	X
+-ECT-KEDNE	X
+re	X
+Cap	X
+Releases	X
+-2-F.doc	NOUN
+>>	PUNCT
+
+-	PUNCT
+Stipulation	X
+-ECT-KEDNE	X
+re	X
+IGTS	X
+&	X
+Tennessee	X
+Cap	X
+Releases	X
+-FINAL.doc	NOUN
+-	PUNCT
+BLACKLINE	X
+-Stip	X
+-ECT-KEDNE	X
+re	X
+Cap	X
+Releases	X
+-2-F.doc	NOUN
+
+A	DET
+heartwarming	ADJ
+story	NOUN
+of	ADP
+the	DET
+advances	NOUN
+of	ADP
+women	NOUN
+in	SCONJ
+achieving	VERB
+equality	NOUN
+throughout	ADP
+the	DET
+world	NOUN
+.	PUNCT
+
+Barbara	PROPN
+Walters	PROPN
+did	VERB
+a	DET
+story	NOUN
+on	ADP
+gender	NOUN
+roles	NOUN
+in	ADP
+Kuwait	PROPN
+several	ADJ
+years	NOUN
+before	ADP
+the	DET
+Gulf	PROPN
+War	PROPN
+.	PUNCT
+
+She	PRON
+noted	VERB
+then	ADV
+that	SCONJ
+women	NOUN
+customarily	ADV
+walked	VERB
+about	ADV
+10	NUM
+feet	NOUN
+behind	ADP
+their	PRON
+husbands	NOUN
+.	PUNCT
+
+She	PRON
+returned	VERB
+to	ADP
+Kuwait	PROPN
+recently	ADV
+and	CCONJ
+observed	VERB
+that	SCONJ
+the	DET
+men	NOUN
+now	ADV
+walked	VERB
+several	ADJ
+yards	NOUN
+behind	ADP
+their	PRON
+wives	NOUN
+.	PUNCT
+
+Ms.	PROPN
+Walters	PROPN
+approached	VERB
+one	NUM
+of	ADP
+the	DET
+women	NOUN
+and	CCONJ
+said	VERB
+,	PUNCT
+"	PUNCT
+This	PRON
+is	AUX
+marvelous	ADJ
+.	PUNCT
+
+Can	AUX
+you	PRON
+tell	VERB
+the	DET
+free	ADJ
+world	NOUN
+just	ADV
+what	PRON
+enabled	VERB
+women	NOUN
+here	ADV
+to	PART
+achieve	VERB
+this	DET
+reversal	NOUN
+of	ADP
+roles	NOUN
+?	PUNCT
+"	PUNCT
+
+"	PUNCT
+Land	NOUN
+mines	NOUN
+,	PUNCT
+"	PUNCT
+said	VERB
+the	DET
+Kuwaiti	ADJ
+woman	NOUN
+.	PUNCT
+
+Cullen	PROPN
+and	CCONJ
+Dykman	PROPN
+(	PUNCT
+attorneys	NOUN
+for	ADP
+Boston	PROPN
+Gas	PROPN
+Company	PROPN
+)	PUNCT
+approved	VERB
+all	DET
+of	ADP
+our	PRON
+changes	NOUN
+on	ADP
+the	DET
+agreement	NOUN
+to	PART
+release	VERB
+the	DET
+Tenn	PROPN
+and	CCONJ
+Iroq	PROPN
+space	NOUN
+back	ADV
+to	ADP
+Boston	PROPN
+Gas	PROPN
+.	PUNCT
+
+They	PRON
+also	ADV
+made	VERB
+one	NUM
+other	ADJ
+change	NOUN
+,	PUNCT
+they	PRON
+are	AUX
+taking	VERB
+out	ADP
+the	DET
+"	PUNCT
+subject	ADJ
+to	ADP
+recall	NOUN
+"	PUNCT
+language	NOUN
+at	ADP
+the	DET
+bottom	NOUN
+of	ADP
+page	NOUN
+2	NUM
+under	ADP
+item	NOUN
+#	NOUN
+1	NUM
+.	PUNCT
+
+They	PRON
+will	AUX
+be	AUX
+sending	VERB
+the	DET
+revised	VERB
+document	NOUN
+to	ADP
+me	PRON
+.	PUNCT
+
+I	PRON
+will	AUX
+deliver	VERB
+it	PRON
+to	ADP
+you	PRON
+for	ADP
+your	PRON
+approval	NOUN
+.	PUNCT
+
+Maybe	ADV
+we	PRON
+can	AUX
+go	VERB
+drinking	VERB
+too	ADV
+.	PUNCT
+
+That	PRON
+would	AUX
+be	AUX
+fun	ADJ
+.	PUNCT
+
+I	PRON
+'ll	AUX
+be	AUX
+at	ADP
+your	PRON
+house	NOUN
+around	ADP
+10:30	NUM
+or	CCONJ
+11	NUM
+tonight	NOUN
+.	PUNCT
+
+YOU	PRON
+REALLY	ADV
+DO	AUX
+NOT	PART
+HAVE	VERB
+TO	PART
+GO	VERB
+.	PUNCT
+
+I	PRON
+KNOW	VERB
+YOU	PRON
+HAVE	VERB
+A	DET
+LOT	NOUN
+GOING	VERB
+ON	ADP
+WITH	ADP
+YOU	PRON
+AND	CCONJ
+THE	DET
+LITTLE	ADJ
+WOMAN	NOUN
+.	PUNCT
+
+I	PRON
+CAN	AUX
+HANDLE	VERB
+THE	DET
+TRACTOR	NOUN
+.	PUNCT
+
+love	VERB
+TO	PART
+HAVE	VERB
+YOU	PRON
+ALONG	ADV
+FOR	ADP
+THE	DET
+COMPANY	NOUN
+,	PUNCT
+BUT	CCONJ
+IT	PRON
+IS	AUX
+NOT	PART
+NECESSARY	ADJ
+.	PUNCT
+
+YOU	PRON
+HAVE	VERB
+A	DET
+LOT	NOUN
+ON	ADP
+YOU	PRON
+PLATE	NOUN
+,	PUNCT
+DAD	NOUN
+.	PUNCT
+
+Chris.Germany@enron.com	X
+on	ADP
+01/25/2002	NUM
+03:13:58	NUM
+PM	NOUN
+
+Funny	ADJ
+.	PUNCT
+
+No	INTJ
+.	PUNCT
+
+I	PRON
+did	AUX
+n't	PART
+feel	VERB
+guilty	ADJ
+about	ADP
+the	DET
+garage	NOUN
+sale	NOUN
+,	PUNCT
+that	PRON
+'s	AUX
+why	ADV
+I	PRON
+was	AUX
+annoyed	ADJ
+-	PUNCT
+being	AUX
+notified	VERB
+at	ADP
+10:00	NUM
+at	ADP
+night	NOUN
+GRRRRRRR	INTJ
+.	PUNCT
+
+I	PRON
+do	AUX
+feel	VERB
+guilty	ADJ
+about	SCONJ
+you	PRON
+doing	VERB
+all	DET
+this	DET
+work	NOUN
+.	PUNCT
+
+So	ADV
+I	PRON
+'m	AUX
+going	VERB
+with	ADP
+you	PRON
+,	PUNCT
+I	PRON
+pay	VERB
+for	ADP
+the	DET
+gas	NOUN
+and	CCONJ
+the	DET
+twinkies	NOUN
+.	PUNCT
+
+Correction	NOUN
+,	PUNCT
+
+Jack	PROPN
+welch	PROPN
+is	AUX
+the	DET
+CEO	NOUN
+of	ADP
+GE	PROPN
+,	PUNCT
+not	CCONJ
+GM	PROPN
+.	PUNCT
+
+Vince	PROPN
+Kaminski	PROPN
+
+The	DET
+eThink	PROPN
+Team	NOUN
+
+We	PRON
+recently	ADV
+asked	VERB
+you	PRON
+to	PART
+create	VERB
+an	DET
+eSpeak	PROPN
+"	PUNCT
+wish	NOUN
+list	NOUN
+"	PUNCT
+for	ADP
+us	PRON
+.	PUNCT
+
+The	DET
+response	NOUN
+was	AUX
+tremendous	ADJ
+and	CCONJ
+,	PUNCT
+in	ADP
+some	DET
+cases	NOUN
+,	PUNCT
+very	ADV
+creative	ADJ
+.	PUNCT
+
+Your	PRON
+fellow	ADJ
+employees	NOUN
+asked	VERB
+for	ADP
+everyone	PRON
+from	ADP
+Britney	PROPN
+Spears	PROPN
+to	ADP
+George	PROPN
+Bush	PROPN
+.	PUNCT
+
+In	ADP
+all	DET
+,	PUNCT
+we	PRON
+received	VERB
+requests	NOUN
+for	ADP
+61	NUM
+persons	NOUN
+outside	ADV
+of	ADP
+Enron	PROPN
+to	PART
+host	VERB
+an	DET
+eSpeak	PROPN
+event	NOUN
+.	PUNCT
+
+We	PRON
+thought	VERB
+you	PRON
+might	AUX
+like	VERB
+to	PART
+know	VERB
+who	PRON
+your	PRON
+colleagues	NOUN
+find	VERB
+interesting	ADJ
+,	PUNCT
+so	ADV
+we	PRON
+'ve	AUX
+provided	VERB
+a	DET
+sampling	NOUN
+of	ADP
+the	DET
+suggestions	NOUN
+below	ADV
+.	PUNCT
+
+Here	ADV
+are	AUX
+the	DET
+top	ADJ
+ten	NUM
+most	ADV
+requested	VERB
+eSpeakers	NOUN
+.	PUNCT
+
+10	X
+.	PUNCT
+Jack	PROPN
+Welch	PROPN
+,	PUNCT
+CEO	NOUN
+,	PUNCT
+General	PROPN
+Motors	PROPN
+
+9	X
+.	PUNCT
+Scott	PROPN
+McNeally	PROPN
+,	PUNCT
+CEO	NOUN
+,	PUNCT
+Sun	PROPN
+Microsystems	PROPN
+
+8	X
+.	PUNCT
+Satisfied	ADJ
+Enron	PROPN
+Customers	NOUN
+
+7	X
+.	PUNCT
+Stephen	PROPN
+Covey	PROPN
+,	PUNCT
+author	NOUN
+,	PUNCT
+The	DET
+Seven	PROPN
+Habits	PROPN
+of	ADP
+Highly	ADV
+Effective	PROPN
+People	PROPN
+
+6	X
+.	PUNCT
+Oprah	PROPN
+Winfrey	PROPN
+,	PUNCT
+talkshow	NOUN
+host	NOUN
+
+5	X
+.	PUNCT
+General	PROPN
+Colin	PROPN
+Powell	PROPN
+,	PUNCT
+former	ADJ
+Chairman	PROPN
+,	PUNCT
+Joint	PROPN
+Chiefs	PROPN
+of	ADP
+Staff	PROPN
+,	PUNCT
+U.S.A	PROPN
+.	PUNCT
+
+4	X
+.	PUNCT
+Alan	PROPN
+Greenspan	PROPN
+,	PUNCT
+Chairman	PROPN
+,	PUNCT
+Federal	PROPN
+Reserve	PROPN
+,	PUNCT
+U.S.A	PROPN
+.	PUNCT
+
+3	X
+.	PUNCT
+Former	ADJ
+U.S.	PROPN
+President	PROPN
+George	PROPN
+Bush	PROPN
+
+2	X
+.	PUNCT
+Bill	PROPN
+Gates	PROPN
+,	PUNCT
+CEO	NOUN
+,	PUNCT
+Microsoft	PROPN
+
+1	X
+.	PUNCT
+Texas	PROPN
+Governor	PROPN
+George	PROPN
+W.	PROPN
+Bush	PROPN
+
+While	SCONJ
+we	PRON
+ca	AUX
+n't	PART
+make	VERB
+any	DET
+promises	NOUN
+,	PUNCT
+we	PRON
+will	AUX
+do	VERB
+our	PRON
+best	ADJ
+to	PART
+bring	VERB
+in	ADV
+at	ADV
+least	ADV
+some	DET
+of	ADP
+these	DET
+special	ADJ
+guests	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+have	VERB
+any	DET
+contacts	NOUN
+who	PRON
+could	AUX
+help	VERB
+us	PRON
+get	VERB
+in	ADP
+touch	NOUN
+with	ADP
+these	DET
+guest	NOUN
+speakers	NOUN
+,	PUNCT
+please	INTJ
+let	VERB
+us	PRON
+know	VERB
+at	ADP
+ethink@enron.com	X
+.	PUNCT
+
+Everybody	PRON
+needs	VERB
+a	DET
+little	ADJ
+help	NOUN
+now	ADV
+and	CCONJ
+then	ADV
+,	PUNCT
+even	ADV
+eSpeak	PROPN
+.	PUNCT
+
+There	PRON
+were	VERB
+plenty	NOUN
+of	ADP
+internal	ADJ
+speakers	NOUN
+requested	VERB
+,	PUNCT
+as	ADV
+well	ADV
+.	PUNCT
+
+Those	DET
+requests	NOUN
+should	AUX
+be	AUX
+somewhat	ADV
+easier	ADJ
+to	PART
+meet	VERB
+,	PUNCT
+although	SCONJ
+scheduling	VERB
+time	NOUN
+with	ADP
+some	DET
+of	ADP
+our	PRON
+colleagues	NOUN
+can	AUX
+be	AUX
+quite	DET
+a	DET
+task	NOUN
+!	PUNCT
+
+Thank	VERB
+you	PRON
+all	DET
+for	ADP
+your	PRON
+participation	NOUN
+.	PUNCT
+
+Dale	PROPN
+,	PUNCT
+
+Confirmed	VERB
+.	PUNCT
+
+Vince	PROPN
+
+Vince	PROPN
+:	PUNCT
+
+7	NUM
+am	NOUN
+at	ADP
+Hyatt	PROPN
+Regency	PROPN
+Downtown	PROPN
+would	AUX
+be	AUX
+perfect	ADJ
+.	PUNCT
+
+I	PRON
+will	AUX
+see	VERB
+you	PRON
+in	ADP
+the	DET
+lobby	NOUN
+at	ADP
+7	NUM
+am	NOUN
+.	PUNCT
+
+Best	ADJ
+regards	NOUN
+,	PUNCT
+
+Dale	PROPN
+
+Dale	PROPN
+,	PUNCT
+
+Friday	PROPN
+is	AUX
+a	DET
+bad	ADJ
+day	NOUN
+(	PUNCT
+Performance	NOUN
+Review	NOUN
+Committee	NOUN
+all	DET
+day	NOUN
+)	PUNCT
+.	PUNCT
+
+What	PRON
+about	ADP
+7:00	NUM
+at	ADP
+the	DET
+office	NOUN
+or	CCONJ
+breakfast	NOUN
+meeting	NOUN
+at	ADP
+7:00	NUM
+?	PUNCT
+
+We	PRON
+can	AUX
+meet	VERB
+at	ADP
+Hyatt	PROPN
+Regency	PROPN
+Downtown	PROPN
+(	PUNCT
+Smith	PROPN
+Street	PROPN
+)	PUNCT
+.	PUNCT
+
+Vince	PROPN
+
+Vince	PROPN
+:	PUNCT
+
+Can	AUX
+we	PRON
+get	VERB
+together	ADV
+Friday	PROPN
+morning	NOUN
+July	ADV
+7	NUM
+at	ADP
+800	NUM
+am	NOUN
+at	ADP
+your	PRON
+office	NOUN
+?	PUNCT
+
+That	PRON
+would	AUX
+be	AUX
+particularly	ADV
+convenient	ADJ
+for	ADP
+me	PRON
+.	PUNCT
+
+I	PRON
+will	AUX
+have	VERB
+to	PART
+leave	VERB
+downtown	NOUN
+at	ADP
+about	ADV
+945	NUM
+to	PART
+catch	VERB
+a	DET
+plane	NOUN
+.	PUNCT
+
+That	PRON
+will	AUX
+ensure	VERB
+that	SCONJ
+I	PRON
+wo	AUX
+nt	PART
+take	VERB
+up	ADP
+too	ADV
+much	ADJ
+of	ADP
+your	PRON
+time	NOUN
+!!	PUNCT
+
+Thanks	NOUN
+for	ADP
+your	PRON
+efforts	NOUN
+here	ADV
+,	PUNCT
+and	CCONJ
+thanks	NOUN
+for	SCONJ
+being	AUX
+patient	ADJ
+with	ADP
+me	PRON
+.	PUNCT
+
+Dale	PROPN
+Nesbitt	PROPN
+
+FYI	ADV
+
+Vince	PROPN
+sold	VERB
+!	PUNCT
+
+I	PRON
+'ll	AUX
+initiate	VERB
+the	DET
+call	NOUN
+.	PUNCT
+
+Ed	PROPN
+,	PUNCT
+
+Thursday	PROPN
+works	VERB
+for	ADP
+me	PRON
+.	PUNCT
+
+What	PRON
+about	ADP
+10:30	NUM
+my	PRON
+time	NOUN
+?	PUNCT
+
+Vince	PROPN
+
+Please	INTJ
+respond	VERB
+to	ADP
+<	PUNCT
+ekrapels@esaibos.com	X
+>	PUNCT
+
+how	ADV
+about	ADP
+Thursday	PROPN
+,	PUNCT
+July	PROPN
+6	NUM
+?	PUNCT
+
+Ed	PROPN
+,	PUNCT
+
+A	DET
+correction	NOUN
+.	PUNCT
+
+I	PRON
+shall	AUX
+spend	VERB
+an	DET
+entire	ADJ
+day	NOUN
+at	ADP
+PRC	NOUN
+(	PUNCT
+performance	NOUN
+review	NOUN
+)	PUNCT
+on	ADP
+Friday	PROPN
+,	PUNCT
+July	PROPN
+7	NUM
+.	PUNCT
+
+Can	AUX
+we	PRON
+do	VERB
+on	ADP
+another	DET
+day	NOUN
+
+Vince	PROPN
+
+Please	INTJ
+respond	VERB
+to	ADP
+<	PUNCT
+ekrapels@esaibos.com	X
+>	PUNCT
+
+I	PRON
+'ll	AUX
+still	ADV
+be	AUX
+here	ADV
+in	ADP
+Boston	PROPN
+so	ADV
+we	PRON
+'d	AUX
+do	VERB
+it	PRON
+over	ADP
+the	DET
+phone	NOUN
+.	PUNCT
+
+OK	INTJ
+?	PUNCT
+
+Ed	PROPN
+,	PUNCT
+
+Will	AUX
+you	PRON
+be	AUX
+in	ADP
+Houston	PROPN
+on	ADP
+that	DET
+day	NOUN
+or	CCONJ
+we	PRON
+shall	AUX
+do	VERB
+it	PRON
+over	ADP
+the	DET
+phone	NOUN
+?	PUNCT
+
+Vince	PROPN
+
+Please	INTJ
+respond	VERB
+to	ADP
+<	PUNCT
+ekrapels@esaibos.com	X
+>	PUNCT
+
+Vince	PROPN
+,	PUNCT
+
+How	ADV
+about	ADP
+a	DET
+pre-meeting	ADJ
+web	NOUN
+site	NOUN
+cruise	NOUN
+on	ADP
+Friday	PROPN
+,	PUNCT
+July	PROPN
+7	NUM
+at	ADP
+11	NUM
+AM	NOUN
+EDT	PROPN
+?	PUNCT
+
+Ed	PROPN
+
+Ed	PROPN
+,	PUNCT
+
+July	PROPN
+12	NUM
+,	PUNCT
+2:30	NUM
+it	PRON
+is	AUX
+.	PUNCT
+
+I	PRON
+would	AUX
+like	VERB
+the	DET
+pre-meeting	ADJ
+site	NOUN
+cruise	NOUN
+.	PUNCT
+
+How	ADV
+can	AUX
+we	PRON
+arrange	VERB
+it	PRON
+?	PUNCT
+
+Vince	PROPN
+
+Please	INTJ
+respond	VERB
+to	ADP
+<	PUNCT
+ekrapels@esaibos.com	X
+>	PUNCT
+
+Vince	PROPN
+,	PUNCT
+
+We	PRON
+'re	AUX
+all	ADV
+set	ADJ
+for	ADP
+2:30	NUM
+on	ADP
+July	PROPN
+12	NUM
+.	PUNCT
+
+How	ADV
+about	ADP
+a	DET
+pre-meeting	ADJ
+web	NOUN
+site	NOUN
+cruise	NOUN
+on	ADP
+Friday	PROPN
+,	PUNCT
+July	PROPN
+7	NUM
+at	ADP
+11	NUM
+AM	NOUN
+EDT	PROPN
+?	PUNCT
+
+Ed	PROPN
+
+Ed	PROPN
+,	PUNCT
+
+Wednesday	PROPN
+,	PUNCT
+July	PROPN
+12	NUM
+,	PUNCT
+2:300	NUM
+will	AUX
+work	VERB
+for	ADP
+me	PRON
+.	PUNCT
+
+I	PRON
+shall	AUX
+be	AUX
+glad	ADJ
+to	PART
+review	VERB
+your	PRON
+website	NOUN
+--	PUNCT
+www.weathereffects.com	X
+.	PUNCT
+
+I	PRON
+shall	AUX
+invite	VERB
+some	DET
+people	NOUN
+who	PRON
+work	VERB
+on	ADP
+electricity	NOUN
+in	ADP
+my	PRON
+group	NOUN
+to	PART
+join	VERB
+me	PRON
+.	PUNCT
+
+Vince	PROPN
+
+Please	INTJ
+respond	VERB
+to	ADP
+<	PUNCT
+ekrapels@esaibos.com	X
+>	PUNCT
+
+Vince	PROPN
+,	PUNCT
+
+Good	ADJ
+to	PART
+hear	VERB
+from	ADP
+you	PRON
+and	CCONJ
+I	PRON
+'m	AUX
+glad	ADJ
+you	PRON
+'re	AUX
+available	ADJ
+.	PUNCT
+
+How	ADV
+is	AUX
+Wednesday	PROPN
+at	ADP
+2:30	NUM
+?	PUNCT
+
+I	PRON
+did	AUX
+look	VERB
+at	ADP
+EOL	NOUN
+and	CCONJ
+am	AUX
+not	PART
+surprised	ADJ
+to	PART
+see	VERB
+its	PRON
+quality	NOUN
+.	PUNCT
+
+I	PRON
+was	AUX
+unable	ADJ
+to	PART
+say	VERB
+much	ADJ
+about	ADP
+it	PRON
+in	ADP
+my	PRON
+Risk	NOUN
+Electricity	NOUN
+Hedging	NOUN
+and	CCONJ
+Trading	NOUN
+report	NOUN
+because	ADP
+of	ADP
+deadline	NOUN
+pressures	NOUN
+.	PUNCT
+
+How	ADV
+is	AUX
+the	DET
+site	NOUN
+doing	VERB
+?	PUNCT
+
+I	PRON
+am	AUX
+intrigued	VERB
+by	ADP
+the	DET
+competition	NOUN
+for	ADP
+trading	NOUN
+platforms	NOUN
+and	CCONJ
+was	AUX
+astonished	ADJ
+to	PART
+hear	VERB
+that	SCONJ
+Goldman	PROPN
+,	PUNCT
+Morgan	PROPN
+,	PUNCT
+BP	PROPN
+and	CCONJ
+Shell	PROPN
+were	AUX
+going	VERB
+to	PART
+launch	VERB
+a	DET
+site	NOUN
+to	PART
+compete	VERB
+with	ADP
+yours	PRON
+.	PUNCT
+
+Talk	VERB
+about	ADP
+a	DET
+shotgun	NOUN
+marriage	NOUN
+!	PUNCT
+
+If	SCONJ
+we	PRON
+have	VERB
+time	NOUN
+next	ADJ
+week	NOUN
+,	PUNCT
+I	PRON
+could	AUX
+step	VERB
+you	PRON
+through	ADP
+our	PRON
+website	NOUN
+--	PUNCT
+www.weathereffects.com	X
+.	PUNCT
+
+I	PRON
+'m	AUX
+very	ADV
+proud	ADJ
+of	SCONJ
+what	PRON
+we	PRON
+'ve	AUX
+done	VERB
+.	PUNCT
+
+I	PRON
+ca	AUX
+n't	PART
+give	VERB
+out	ADP
+a	DET
+password	NOUN
+yet	ADV
+but	CCONJ
+would	AUX
+be	AUX
+happy	ADJ
+to	PART
+walk	VERB
+through	ADP
+the	DET
+site	NOUN
+with	ADP
+you	PRON
+over	ADP
+the	DET
+phone	NOUN
+using	VERB
+my	PRON
+password	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+a	DET
+very	ADV
+ambitious	ADJ
+site	NOUN
+--	PUNCT
+with	SCONJ
+state	NOUN
+-	PUNCT
+of	ADP
+-	PUNCT
+the	DET
+-	PUNCT
+art	NOUN
+WSI	NOUN
+weather	NOUN
+(	PUNCT
+seasonal	ADJ
+,	PUNCT
+6	NUM
+-	SYM
+10	NUM
+,	PUNCT
+and	CCONJ
+day	NOUN
+to	ADP
+day	NOUN
+)	PUNCT
+driving	VERB
+a	DET
+good	ADJ
+load	NOUN
+model	NOUN
+for	ADP
+PJM	PROPN
+and	CCONJ
+NEPOOL	PROPN
+.	PUNCT
+
+ESAI	PROPN
+contributes	VERB
+oil	NOUN
+and	CCONJ
+gas	NOUN
+input	NOUN
+price	NOUN
+forecasts	NOUN
+,	PUNCT
+capacity	NOUN
+judgments	NOUN
+,	PUNCT
+and	CCONJ
+"	PUNCT
+herding	NOUN
+"	PUNCT
+ideas	NOUN
+to	PART
+develop	VERB
+power	NOUN
+price	NOUN
+forecasts	NOUN
+for	ADP
+same	ADJ
+time	NOUN
+periods	NOUN
+.	PUNCT
+
+After	ADP
+one	NUM
+month	NOUN
+'s	PART
+full	ADJ
+-	PUNCT
+bore	NOUN
+effort	NOUN
+,	PUNCT
+I	PRON
+'m	AUX
+pleased	ADJ
+with	ADP
+the	DET
+results	NOUN
+(	PUNCT
+e.g.	X
+,	PUNCT
+we	PRON
+forecast	VERB
+Nepool	PROPN
+onpeak	ADV
+to	PART
+be	AUX
+$	SYM
+43	NUM
+and	CCONJ
+it	PRON
+turned	VERB
+out	ADP
+$	SYM
+46	NUM
+)	PUNCT
+.	PUNCT
+
+Have	VERB
+a	DET
+great	ADJ
+weekend	NOUN
+.	PUNCT
+
+Ed	PROPN
+
+Ed	PROPN
+,	PUNCT
+
+I	PRON
+shall	AUX
+be	AUX
+available	ADJ
+on	ADP
+both	DET
+days	NOUN
+.	PUNCT
+
+What	PRON
+about	ADP
+Wednesday	PROPN
+,	PUNCT
+July	PROPN
+12	NUM
+,	PUNCT
+between	ADP
+1:30	NUM
+and	CCONJ
+4:00	NUM
+.	PUNCT
+
+Please	INTJ
+,	PUNCT
+let	VERB
+me	PRON
+know	VERB
+what	DET
+time	NOUN
+would	AUX
+work	VERB
+for	ADP
+you	PRON
+.	PUNCT
+
+It	PRON
+will	AUX
+be	AUX
+nice	ADJ
+to	PART
+see	VERB
+you	PRON
+again	ADV
+.	PUNCT
+
+Vince	PROPN
+
+P.S.	NOUN
+By	ADP
+the	DET
+way	NOUN
+,	PUNCT
+did	AUX
+you	PRON
+have	VERB
+a	DET
+chance	NOUN
+to	PART
+take	VERB
+a	DET
+look	NOUN
+at	ADP
+the	DET
+EOL	NOUN
+?	PUNCT
+
+Please	INTJ
+respond	VERB
+to	ADP
+ekrapels@esaibos.com	X
+
+Caroline	X
+Abramo@ENRON	X
+
+03/02/2001	NUM
+10:46	NUM
+AM	NOUN
+
+what	PRON
+do	AUX
+you	PRON
+think	VERB
+?	PUNCT
+
+Joe_Lardy@cargill.com	X
+on	ADP
+03/02/2001	NUM
+10:39:03	NUM
+AM	NOUN
+
+Currently	ADV
+Cargill	PROPN
+and	CCONJ
+Enron	PROPN
+have	VERB
+a	DET
+15	NUM
+MM	NUM
+collateral	NOUN
+threshold	NOUN
+.	PUNCT
+
+If	SCONJ
+possible	ADJ
+,	PUNCT
+I	PRON
+think	VERB
+the	DET
+cleanest	ADJ
+way	NOUN
+to	PART
+run	VERB
+this	DET
+biz	NOUN
+would	AUX
+be	VERB
+to	PART
+put	VERB
+a	DET
+box	NOUN
+around	ADP
+the	DET
+prime	ADJ
+broker	NOUN
+biz	NOUN
+.	PUNCT
+
+We	PRON
+would	AUX
+still	ADV
+operate	VERB
+under	ADP
+the	DET
+master	NOUN
+isda	NOUN
+but	CCONJ
+could	AUX
+set	VERB
+up	ADP
+a	DET
+mutually	ADV
+agreeable	ADJ
+credit	NOUN
+support	NOUN
+annex	NOUN
+for	ADP
+this	DET
+biz	NOUN
+.	PUNCT
+
+We	PRON
+would	AUX
+still	ADV
+keep	VERB
+the	DET
+20,000,000	NUM
+line	NOUN
+referenced	VERB
+in	ADP
+Schedule	NOUN
+B	NOUN
+of	ADP
+the	DET
+POA	NOUN
+agreement	NOUN
+.	PUNCT
+
+The	DET
+line	NOUN
+in	ADP
+the	DET
+POA	NOUN
+is	AUX
+a	DET
+seperate	ADJ
+and	CCONJ
+distinct	ADJ
+measure	NOUN
+from	ADP
+the	DET
+daily	ADJ
+collateral	NOUN
+.	PUNCT
+
+The	DET
+20	NUM
+mill	NUM
+reflects	VERB
+gross	ADJ
+exposure	NOUN
+.	PUNCT
+
+Let	VERB
+me	PRON
+know	VERB
+if	SCONJ
+you	PRON
+think	VERB
+this	PRON
+is	AUX
+reasonable	ADJ
+and	CCONJ
+workable	ADJ
+.	PUNCT
+
+We	PRON
+too	ADV
+,	PUNCT
+are	AUX
+open	ADJ
+to	ADP
+suggestion	NOUN
+as	SCONJ
+the	DET
+Global	PROPN
+and	CCONJ
+Enron	PROPN
+relationships	NOUN
+are	AUX
+very	ADV
+important	ADJ
+and	CCONJ
+a	DET
+high	ADJ
+priority	NOUN
+to	ADP
+us	PRON
+.	PUNCT
+
+Thanks	NOUN
+
+Joe	PROPN
+
+Joe	PROPN
+-	PUNCT
+
+a	DET
+few	ADJ
+things	NOUN
+regading	VERB
+the	DET
+POA	NOUN
+/	PUNCT
+Cargill	PROPN
+line	NOUN
+..	PUNCT
+
+I	PRON
+am	AUX
+going	VERB
+to	PART
+find	VERB
+out	ADP
+how	ADV
+much	ADJ
+line	NOUN
+we	PRON
+currently	ADV
+have	VERB
+available	ADJ
+...	PUNCT
+you	PRON
+probably	ADV
+already	ADV
+have	VERB
+this	PRON
+.	PUNCT
+
+We	PRON
+should	AUX
+allocate	VERB
+a	DET
+piece	NOUN
+to	ADP
+Global	PROPN
+which	PRON
+would	AUX
+solve	VERB
+the	DET
+problem	NOUN
+of	ADP
+other	ADJ
+Cargill	PROPN
+people	NOUN
+using	VERB
+the	DET
+line	NOUN
+,	PUNCT
+putting	VERB
+us	PRON
+over	ADP
+the	DET
+limit	NOUN
+,	PUNCT
+without	SCONJ
+me	PRON
+knowing	VERB
+...	PUNCT
+
+We	PRON
+could	AUX
+change	VERB
+the	DET
+language	NOUN
+of	ADP
+the	DET
+POA	NOUN
+to	ADP
+this	PRON
+...	PUNCT
+
+we	PRON
+will	AUX
+not	PART
+go	VERB
+over	ADP
+Global	PROPN
+'s	PART
+piece	NOUN
+of	ADP
+the	DET
+Cargill	PROPN
+line	NOUN
+...	PUNCT
+
+I	PRON
+think	VERB
+this	PRON
+would	AUX
+solve	VERB
+our	PRON
+main	ADJ
+concern	NOUN
+...	PUNCT
+
+Please	INTJ
+let	VERB
+me	PRON
+know	VERB
+...	PUNCT
+we	PRON
+are	AUX
+eager	ADJ
+to	PART
+keep	VERB
+trading	VERB
+with	ADP
+Global	PROPN
+and	CCONJ
+yourselves	PRON
+...	PUNCT
+
+Regards	NOUN
+,	PUNCT
+
+Caroline	PROPN
+
+Dee	PROPN
+:	PUNCT
+
+Let	VERB
+me	PRON
+know	VERB
+if	SCONJ
+we	PRON
+need	VERB
+to	PART
+discuss	VERB
+anything	PRON
+.	PUNCT
+
+I	PRON
+am	AUX
+hopeful	ADJ
+that	SCONJ
+we	PRON
+are	AUX
+ready	ADJ
+to	PART
+prepare	VERB
+execution	NOUN
+copies	NOUN
+.	PUNCT
+
+Regards	NOUN
+.	PUNCT
+
+Sara	PROPN
+Shackleton	PROPN
+
+Susan	PROPN
+Bailey	PROPN
+
+02/27/2001	NUM
+08:23	NUM
+AM	NOUN
+
+Dee	PROPN
+,	PUNCT
+
+Attached	VERB
+for	ADP
+your	PRON
+review	NOUN
+is	AUX
+a	DET
+blacklined	VERB
+version	NOUN
+of	ADP
+the	DET
+:	PUNCT
+(	PUNCT
+a	X
+)	PUNCT
+Schedule	NOUN
+and	CCONJ
+(	PUNCT
+b	X
+)	PUNCT
+Paragraph	NOUN
+13	NUM
+to	ADP
+the	DET
+ISDA	NOUN
+Master	NOUN
+Agreement	NOUN
+.	PUNCT
+
+These	PRON
+have	AUX
+been	AUX
+compared	VERB
+against	ADP
+the	DET
+draft	NOUN
+dated	VERB
+11/8/2000	NUM
+,	PUNCT
+and	CCONJ
+include	VERB
+ENA	PROPN
+'s	PART
+accepted	VERB
+changes	NOUN
+per	ADP
+your	PRON
+(	PUNCT
+a	X
+)	PUNCT
+faxed	VERB
+comments	NOUN
+transmitted	VERB
+to	ADP
+ENA	PROPN
+on	ADP
+January	PROPN
+5	NUM
+,	PUNCT
+2001	NUM
+,	PUNCT
+and	CCONJ
+(	PUNCT
+b	X
+)	PUNCT
+e-mail	NOUN
+comments	NOUN
+transmitted	VERB
+to	ADP
+ENA	PROPN
+on	ADP
+January	PROPN
+19th	NOUN
+,	PUNCT
+2001	NUM
+.	PUNCT
+
+We	PRON
+look	VERB
+forward	ADV
+to	ADP
+your	PRON
+response	NOUN
+.	PUNCT
+
+Cordially	ADV
+,	PUNCT
+
+Susan	PROPN
+S.	PROPN
+Bailey	PROPN
+
+I	PRON
+do	AUX
+n't	PART
+know	VERB
+anything	PRON
+about	ADP
+these	DET
+transactions	NOUN
+.	PUNCT
+
+Sara	PROPN
+Shackleton	PROPN
+
+Jorge	X
+A	X
+Garcia@ENRON	X
+
+03/01/2001	NUM
+01:35	NUM
+PM	NOUN
+
+Good	ADJ
+Afternoon	NOUN
+Sara	PROPN
+,	PUNCT
+
+I	PRON
+wanted	VERB
+to	PART
+follow	VERB
+up	ADP
+with	ADP
+you	PRON
+regarding	VERB
+the	DET
+creation	NOUN
+and	CCONJ
+approval	NOUN
+of	ADP
+ISDA	NOUN
+Confirmations	NOUN
+for	ADP
+the	DET
+following	VERB
+equity	NOUN
+trades	NOUN
+that	PRON
+I	PRON
+understand	VERB
+Laurel	PROPN
+had	AUX
+discussed	VERB
+with	ADP
+you	PRON
+previously	ADV
+.	PUNCT
+
+1	X
+)	PUNCT
+Edison	PROPN
+International	PROPN
+-	PUNCT
+Swap	NOUN
+with	ADP
+Enron	PROPN
+Europe	PROPN
+Ltd.	PROPN
+(	PUNCT
+2	NUM
+in	ADP
+total	ADJ
+)	PUNCT
+
+2	X
+)	PUNCT
+PG&E	NOUN
+-	PUNCT
+Swap	NOUN
+with	ADP
+Enron	PROPN
+Europe	PROPN
+Ltd.	PROPN
+(	PUNCT
+3	NUM
+in	ADP
+total	ADJ
+)	PUNCT
+
+Please	INTJ
+advise	VERB
+.	PUNCT
+
+Regards	NOUN
+,	PUNCT
+
+Jorge	PROPN
+
+"	PUNCT
+Calculation	NOUN
+of	ADP
+Floating	VERB
+Amount	NOUN
+:	PUNCT
+The	DET
+Floating	VERB
+Amount	NOUN
+payable	ADJ
+by	ADP
+[	PUNCT
+ENA	PROPN
+]	PUNCT
+on	ADP
+a	DET
+Payment	NOUN
+Date	NOUN
+will	AUX
+be	AUX
+calculated	VERB
+for	ADP
+that	DET
+Payment	NOUN
+Date	NOUN
+as	SCONJ
+follows	VERB
+:	PUNCT
+
+Floating	VERB
+Amount	NOUN
+=	SYM
+(	PUNCT
+Notional	ADJ
+Quantity	NOUN
+per	ADP
+Calculation	NOUN
+Period	NOUN
+X	ADP
+Floating	VERB
+Price	NOUN
+)	PUNCT
+-	PUNCT
+USD	NOUN
+[	PUNCT
+38,000	NUM
+?	PUNCT
+]	PUNCT
+
+Sara	PROPN
+Shackleton	PROPN
+
+"	PUNCT
+Other	ADJ
+Provisions	NOUN
+:	PUNCT
+On	ADP
+each	DET
+Payment	NOUN
+Date	NOUN
+,	PUNCT
+[	PUNCT
+ENA	PROPN
+]	PUNCT
+shall	AUX
+pay	VERB
+[	PUNCT
+a	DET
+fee	NOUN
+of	ADP
+]	PUNCT
+[	PUNCT
+an	DET
+amount	NOUN
+equal	ADJ
+to	ADP
+]	PUNCT
+USD	NOUN
+{	PUNCT
+38,000	NUM
+?	PUNCT
+]	PUNCT
+,	PUNCT
+which	DET
+amount	VERB
+shall	AUX
+be	AUX
+subject	ADJ
+to	ADP
+the	DET
+netting	NOUN
+provisions	NOUN
+of	ADP
+the	DET
+[	PUNCT
+Master	NOUN
+Agreement	NOUN
+-	PUNCT
+how	ADV
+do	AUX
+you	PRON
+refer	VERB
+to	ADP
+the	DET
+agreement	NOUN
+?	PUNCT
+]	PUNCT
+"	PUNCT
+
+Sara	PROPN
+Shackleton	PROPN
+
+Sara	PROPN
+Shackleton	PROPN
+
+03/02/2001	NUM
+02:10	NUM
+PM	NOUN
+
+"	PUNCT
+Calculation	NOUN
+of	ADP
+Floating	VERB
+Amount	NOUN
+:	PUNCT
+The	DET
+Floating	VERB
+Amount	NOUN
+payable	ADJ
+by	ADP
+[	PUNCT
+ENA	PROPN
+]	PUNCT
+on	ADP
+a	DET
+Payment	NOUN
+Date	NOUN
+will	AUX
+be	AUX
+calculated	VERB
+for	ADP
+that	DET
+Payment	NOUN
+Date	NOUN
+as	SCONJ
+follows	VERB
+:	PUNCT
+
+Floating	VERB
+Amount	NOUN
+=	SYM
+(	PUNCT
+Notional	ADJ
+Quantity	NOUN
+per	ADP
+Calculation	NOUN
+Period	NOUN
+X	SYM
+Floating	VERB
+Price	NOUN
+)	PUNCT
+-	PUNCT
+USD	NOUN
+[	PUNCT
+38,000	NUM
+?	PUNCT
+]	PUNCT
+
+Sara	PROPN
+Shackleton	PROPN
+
+What	DET
+person	NOUN
+(	PUNCT
+s	X
+)	PUNCT
+in	ADP
+London	PROPN
+prepares	VERB
+credit	NOUN
+for	ADP
+the	DET
+English	ADJ
+and	CCONJ
+Singapore	PROPN
+financial	ADJ
+transactions	NOUN
+?	PUNCT
+
+At	ADP
+some	DET
+point	NOUN
+in	ADP
+the	DET
+not	ADV
+so	ADV
+distant	ADJ
+future	NOUN
+,	PUNCT
+the	DET
+Houson	PROPN
+and	CCONJ
+London	PROPN
+credit	NOUN
+departments	NOUN
+need	VERB
+to	PART
+speak	VERB
+in	ADP
+order	NOUN
+that	SCONJ
+each	DET
+understands	VERB
+the	DET
+"	PUNCT
+philosophy	NOUN
+"	PUNCT
+behind	ADP
+credit	NOUN
+analysis	NOUN
+for	ADP
+the	DET
+omnibus	NOUN
+and	CCONJ
+master	NOUN
+transactions	NOUN
+.	PUNCT
+
+I	PRON
+look	VERB
+forward	ADV
+to	SCONJ
+hearing	VERB
+from	ADP
+you	PRON
+.	PUNCT
+
+Regards	NOUN
+.	PUNCT
+
+Sara	PROPN
+
+ps	NOUN
+Congrats	NOUN
+on	ADP
+your	PRON
+promotion	NOUN
+!	PUNCT
+
+I	PRON
+did	AUX
+n't	PART
+have	VERB
+a	DET
+chance	NOUN
+to	PART
+speak	VERB
+with	ADP
+you	PRON
+after	ADP
+the	DET
+offsite	NOUN
+to	PART
+shake	VERB
+your	PRON
+hand	NOUN
+.	PUNCT
+
+Hope	VERB
+you	PRON
+enjoyed	VERB
+your	PRON
+weekend	NOUN
+in	ADP
+Houston	PROPN
+.	PUNCT
+
+looks	VERB
+fine	ADJ
+
+Sara	PROPN
+Shackleton	PROPN
+
+Carlos	X
+Alatorre@ENRON	X
+
+02/27/2001	NUM
+06:07	NUM
+PM	NOUN
+
+Sara	PROPN
+:	PUNCT
+
+We	PRON
+need	VERB
+to	PART
+change	VERB
+the	DET
+Prod	NOUN
+Description	NOUN
+fro	ADP
+the	DET
+LME	NOUN
+Product	NOUN
+.	PUNCT
+
+The	DET
+change	NOUN
+is	AUX
+mainly	ADV
+on	ADP
+the	DET
+Settlement	NOUN
+Date	NOUN
+text	NOUN
+,	PUNCT
+which	PRON
+instead	ADV
+of	ADP
+"	PUNCT
+...	PUNCT
+Two	NUM
+business	NOUN
+days	NOUN
+after	ADP
+the	DET
+date	NOUN
+of	ADP
+the	DET
+Transaction	NOUN
+...	PUNCT
+"	PUNCT
+shall	AUX
+read	VERB
+as	ADP
+follow	VERB
+:	PUNCT
+
+For	ADP
+Curr	PROPN
+LME	PROPN
+LME	PROPN
+(	PUNCT
+Spot	PROPN
+)	PUNCT
+01	NUM
+Mar	PROPN
+01	NUM
+JPY	NOUN
+/	PUNCT
+USD	NOUN
+
+A	DET
+currency	NOUN
+Transaction	NOUN
+with	ADP
+Enron	PROPN
+Europe	PROPN
+Finance	PROPN
+&	CCONJ
+Trading	PROPN
+Limited	PROPN
+(	PUNCT
+"	PUNCT
+EEFTL	PROPN
+"	PUNCT
+)	PUNCT
+as	ADP
+agent	NOUN
+for	ADP
+Risk	PROPN
+Management	PROPN
+&	CCONJ
+Trading	PROPN
+Corp.	PROPN
+under	ADP
+which	PRON
+either	CCONJ
+(	PUNCT
+A	X
+)	PUNCT
+for	ADP
+the	DET
+case	NOUN
+in	ADP
+which	PRON
+Counterparty	NOUN
+submits	VERB
+an	DET
+offer	NOUN
+to	PART
+buy	VERB
+from	ADP
+EEFTL	PROPN
+,	PUNCT
+Counterparty	NOUN
+shall	AUX
+receive	VERB
+the	DET
+Base	NOUN
+Currency	NOUN
+Amount	NOUN
+and	CCONJ
+shall	AUX
+pay	VERB
+the	DET
+Foreign	ADJ
+Currency	NOUN
+Amount	NOUN
+,	PUNCT
+or	CCONJ
+(	PUNCT
+B	X
+)	PUNCT
+for	ADP
+the	DET
+case	NOUN
+in	ADP
+which	PRON
+Counterparty	NOUN
+submits	VERB
+an	DET
+offer	NOUN
+to	PART
+sell	VERB
+to	ADP
+EEFTL	PROPN
+,	PUNCT
+Counterparty	NOUN
+shall	AUX
+pay	VERB
+the	DET
+Base	NOUN
+Currency	NOUN
+Amount	NOUN
+and	CCONJ
+shall	AUX
+receive	VERB
+the	DET
+Foreign	ADJ
+Currency	NOUN
+Amount	NOUN
+.	PUNCT
+
+The	DET
+Base	NOUN
+Currency	NOUN
+Amount	NOUN
+shall	AUX
+equal	VERB
+the	DET
+volume	NOUN
+submitted	VERB
+by	ADP
+the	DET
+Counterparty	NOUN
+via	ADP
+the	DET
+Website	NOUN
+.	PUNCT
+
+The	DET
+Foreign	ADJ
+Currency	NOUN
+Amount	NOUN
+shall	AUX
+equal	VERB
+the	DET
+Base	NOUN
+Currency	NOUN
+Amount	NOUN
+,	PUNCT
+multiplied	VERB
+by	ADP
+the	DET
+daily	ADJ
+London	PROPN
+Metal	PROPN
+Exchange	PROPN
+(	PUNCT
+LME	PROPN
+)	PUNCT
+fixing	NOUN
+rate	NOUN
+as	SCONJ
+published	VERB
+by	ADP
+Reuters	PROPN
+on	ADP
+page	NOUN
+MTLE	NOUN
+on	ADP
+the	DET
+date	NOUN
+of	ADP
+the	DET
+transaction	NOUN
+,	PUNCT
+modified	VERB
+by	ADP
+the	DET
+price	NOUN
+submitted	VERB
+by	ADP
+the	DET
+Counterparty	NOUN
+via	ADP
+the	DET
+Website	NOUN
+.	PUNCT
+
+The	DET
+term	NOUN
+of	ADP
+the	DET
+Transaction	NOUN
+shall	AUX
+correspond	VERB
+to	ADP
+the	DET
+date	NOUN
+(	PUNCT
+s	X
+)	PUNCT
+set	VERB
+forth	ADV
+in	ADP
+the	DET
+Product	NOUN
+description	NOUN
+on	ADP
+the	DET
+Website	NOUN
+.	PUNCT
+
+The	DET
+Settlement	NOUN
+date	NOUN
+shall	AUX
+be	AUX
+the	DET
+date	NOUN
+(	PUNCT
+s	X
+)	PUNCT
+set	VERB
+forth	ADV
+in	ADP
+the	DET
+Product	NOUN
+description	NOUN
+on	ADP
+the	DET
+Website	NOUN
+.	PUNCT
+
+The	DET
+price	NOUN
+is	AUX
+quoted	VERB
+in	ADP
+JPY	NOUN
+(	PUNCT
+the	DET
+'	PUNCT
+Foreign	ADJ
+Currency	NOUN
+'	PUNCT
+)	PUNCT
+per	ADP
+US	PROPN
+Dollar	NOUN
+(	PUNCT
+the	DET
+'	PUNCT
+Base	NOUN
+Currency	NOUN
+'	PUNCT
+)	PUNCT
+.	PUNCT
+
+The	DET
+unit	NOUN
+of	ADP
+measure	NOUN
+against	ADP
+which	PRON
+the	DET
+price	NOUN
+is	AUX
+quoted	VERB
+shall	AUX
+be	AUX
+US	PROPN
+Dollars	NOUN
+.	PUNCT
+
+Please	INTJ
+let	VERB
+me	PRON
+know	VERB
+your	PRON
+approval	NOUN
+before	SCONJ
+we	PRON
+make	VERB
+any	DET
+changes	NOUN
+.	PUNCT
+
+Thanks	NOUN
+
+Carlos	PROPN
+
+I	PRON
+need	VERB
+to	PART
+have	VERB
+a	DET
+form	NOUN
+filled	VERB
+out	ADP
+that	PRON
+says	VERB
+I	PRON
+do	AUX
+n't	PART
+have	VERB
+health	NOUN
+insurance	NOUN
+coverage	NOUN
+through	ADP
+Enron	PROPN
+.	PUNCT
+
+Can	AUX
+you	PRON
+find	VERB
+out	ADP
+who	PRON
+I	PRON
+need	VERB
+to	PART
+send	VERB
+it	PRON
+to	ADP
+in	ADP
+HR	NOUN
+?	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Kay	PROPN
+
+Your	PRON
+mom	NOUN
+just	ADV
+called	VERB
+and	CCONJ
+said	VERB
+your	PRON
+dad	NOUN
+'s	PART
+surgery	NOUN
+will	AUX
+be	AUX
+at	ADP
+2:30	NUM
+p.m	NOUN
+.	PUNCT
+
+Tuesday	PROPN
+,	PUNCT
+March	PROPN
+20th	NOUN
+.	PUNCT
+
+They	PRON
+will	AUX
+be	VERB
+there	ADV
+by	ADP
+noon	NOUN
+on	ADP
+the	DET
+20th	NOUN
+,	PUNCT
+and	CCONJ
+the	DET
+surgery	NOUN
+will	AUX
+last	VERB
+1.5	NUM
+hours	NOUN
+and	CCONJ
+then	ADV
+they	PRON
+'ll	AUX
+watch	VERB
+him	PRON
+for	ADP
+2	NUM
+more	ADJ
+hours	NOUN
+before	SCONJ
+they	PRON
+put	VERB
+him	PRON
+into	ADP
+ICU	NOUN
+.	PUNCT
+
+They	PRON
+are	AUX
+hoping	VERB
+he	PRON
+'ll	AUX
+only	ADV
+be	AUX
+in	ADP
+the	DET
+hospital	NOUN
+48	NUM
+hours	NOUN
+.	PUNCT
+
+Scott	PROPN
+
+Term	NOUN
+sheet	NOUN
+for	ADP
+draft	NOUN
+contract	NOUN
+,	PUNCT
+as	SCONJ
+requested	VERB
+.	PUNCT
+
+I	PRON
+have	VERB
+a	DET
+change	NOUN
+in	ADP
+plans	NOUN
+next	ADJ
+week	NOUN
+.	PUNCT
+
+My	PRON
+dad	NOUN
+is	AUX
+having	VERB
+surgery	NOUN
+in	ADP
+Ft.	PROPN
+Worth	PROPN
+,	PUNCT
+so	ADV
+I	PRON
+will	AUX
+be	AUX
+heading	VERB
+that	DET
+way	NOUN
+on	ADP
+Monday	PROPN
+.	PUNCT
+
+I	PRON
+was	AUX
+planning	VERB
+to	PART
+be	AUX
+on	ADP
+vacation	NOUN
+anyway	ADV
+,	PUNCT
+but	CCONJ
+I	PRON
+may	AUX
+have	VERB
+some	DET
+accessibility	NOUN
+challenges	NOUN
+in	ADP
+Ft.	PROPN
+Worth	PROPN
+which	PRON
+I	PRON
+would	AUX
+not	PART
+have	AUX
+had	VERB
+otherwise	ADV
+.	PUNCT
+
+I	PRON
+will	AUX
+manage	VERB
+client	NOUN
+expectations	NOUN
+accordingly	ADV
+.	PUNCT
+
+Kay	PROPN
+
+I	PRON
+hope	VERB
+you	PRON
+do	AUX
+n't	PART
+change	VERB
+your	PRON
+mind	NOUN
+about	SCONJ
+going	VERB
+to	ADP
+the	DET
+wedding	NOUN
+Sunday	PROPN
+.	PUNCT
+
+I	PRON
+plan	VERB
+on	SCONJ
+taking	VERB
+Michael	PROPN
+to	ADP
+the	DET
+new	ADJ
+Star	PROPN
+Wars	PROPN
+exhibit	NOUN
+at	ADP
+the	DET
+Museum	PROPN
+of	ADP
+Fine	PROPN
+Arts	PROPN
+.	PUNCT
+
+They	PRON
+showed	VERB
+some	DET
+kids	NOUN
+on	ADP
+TV	NOUN
+,	PUNCT
+and	CCONJ
+they	PRON
+were	AUX
+quite	ADV
+taken	VERB
+with	ADP
+it	PRON
+.	PUNCT
+
+++++++	SYM
+CONFIDENTIALITY	NOUN
+NOTICE	NOUN
++++++	SYM
+
+The	DET
+information	NOUN
+in	ADP
+this	DET
+email	NOUN
+may	AUX
+be	AUX
+confidential	ADJ
+and	CCONJ
+/	PUNCT
+or	CCONJ
+privileged	ADJ
+.	PUNCT
+
+This	DET
+email	NOUN
+is	AUX
+intended	VERB
+to	PART
+be	AUX
+reviewed	VERB
+by	ADP
+only	ADV
+the	DET
+individual	NOUN
+or	CCONJ
+organization	NOUN
+named	VERB
+above	ADV
+.	PUNCT
+
+If	SCONJ
+you	PRON
+are	AUX
+not	PART
+the	DET
+intended	VERB
+recipient	NOUN
+or	CCONJ
+an	DET
+authorized	VERB
+representative	NOUN
+of	ADP
+the	DET
+intended	VERB
+recipient	NOUN
+,	PUNCT
+you	PRON
+are	AUX
+hereby	ADV
+notified	VERB
+that	SCONJ
+any	DET
+review	NOUN
+,	PUNCT
+dissemination	NOUN
+or	CCONJ
+copying	NOUN
+of	ADP
+this	DET
+email	NOUN
+and	CCONJ
+its	PRON
+attachments	NOUN
+,	PUNCT
+if	SCONJ
+any	DET
+,	PUNCT
+or	CCONJ
+the	DET
+information	NOUN
+contained	VERB
+herein	ADV
+is	AUX
+prohibited	VERB
+.	PUNCT
+
+If	SCONJ
+you	PRON
+have	AUX
+received	VERB
+this	DET
+email	NOUN
+in	ADP
+error	NOUN
+,	PUNCT
+please	INTJ
+immediately	ADV
+notify	VERB
+the	DET
+sender	NOUN
+by	ADP
+return	NOUN
+email	NOUN
+and	CCONJ
+delete	VERB
+this	DET
+email	NOUN
+from	ADP
+your	PRON
+system	NOUN
+.	PUNCT
+
+Thank	VERB
+You	PRON
+
+Kay	PROPN
+Mann	PROPN
+
+03/15/2001	NUM
+04:03	NUM
+PM	NOUN
+
+I	PRON
+have	VERB
+a	DET
+change	NOUN
+in	ADP
+plans	NOUN
+next	ADJ
+week	NOUN
+.	PUNCT
+
+My	PRON
+dad	NOUN
+is	AUX
+having	VERB
+surgery	NOUN
+in	ADP
+Ft.	PROPN
+Worth	PROPN
+,	PUNCT
+so	ADV
+I	PRON
+will	AUX
+be	AUX
+heading	VERB
+that	DET
+way	NOUN
+on	ADP
+Monday	PROPN
+.	PUNCT
+
+I	PRON
+was	AUX
+planning	VERB
+to	PART
+be	AUX
+on	ADP
+vacation	NOUN
+anyway	ADV
+,	PUNCT
+but	CCONJ
+I	PRON
+may	AUX
+have	VERB
+some	DET
+accessibility	NOUN
+challenges	NOUN
+in	ADP
+Ft.	PROPN
+Worth	PROPN
+which	PRON
+I	PRON
+would	AUX
+not	PART
+have	AUX
+had	VERB
+otherwise	ADV
+.	PUNCT
+
+I	PRON
+will	AUX
+manage	VERB
+client	NOUN
+expectations	NOUN
+accordingly	ADV
+.	PUNCT
+
+Kay	PROPN
+
+I	PRON
+'m	AUX
+not	PART
+planning	VERB
+to	PART
+get	VERB
+involved	ADJ
+since	SCONJ
+this	PRON
+is	AUX
+your	PRON
+deal	NOUN
+.	PUNCT
+
+Is	AUX
+that	PRON
+ok	ADJ
+with	ADP
+you	PRON
+?	PUNCT
+
+Lorie	X
+Leigh	X
+@	X
+ECT	X
+
+03/15/2001	NUM
+04:17	NUM
+PM	NOUN
+
+Conference	PROPN
+Plus	PROPN
+will	AUX
+be	AUX
+hosting	VERB
+this	DET
+call	NOUN
+:	PUNCT
+
+the	DET
+date	NOUN
+:	PUNCT
+Thursday	PROPN
+,	PUNCT
+March	PROPN
+22nd	NOUN
+,	PUNCT
+2001	NUM
+
+the	DET
+number	NOUN
+:	PUNCT
+1-800-991-9019	NUM
+
+the	DET
+passcode	NOUN
+:	PUNCT
+6871082#	NUM
+
+the	DET
+time	NOUN
+:	PUNCT
+10:00	NUM
+AM	NOUN
+-	SYM
+11:00	NUM
+AM	NOUN
+CST	PROPN
+
+the	DET
+place	NOUN
+:	PUNCT
+EB	PROPN
+3143C	NOUN
+
+the	DET
+subject	NOUN
+:	PUNCT
+Turbine	NOUN
+1	NUM
+and	CCONJ
+Turbine	NOUN
+2	NUM
+Purchase	NOUN
+Agreement	NOUN
+
+If	SCONJ
+you	PRON
+have	VERB
+any	DET
+problems	NOUN
+or	CCONJ
+questions	NOUN
+,	PUNCT
+please	INTJ
+feel	VERB
+free	ADJ
+to	PART
+call	VERB
+me	PRON
+at	ADP
+713-853-1696	NUM
+.	PUNCT
+
+Thank	VERB
+you	PRON
+,	PUNCT
+
+Lorie	PROPN
+Leigh	PROPN
+
+Yes	INTJ
+,	PUNCT
+but	CCONJ
+this	DET
+time	NOUN
+it	PRON
+is	AUX
+his	PRON
+carotid	NOUN
+artery	NOUN
+-	PUNCT
+the	DET
+one	NOUN
+that	PRON
+transports	VERB
+blood	NOUN
+to	ADP
+the	DET
+brain	NOUN
+.	PUNCT
+
+Big	ADJ
+deal	NOUN
+kind	NOUN
+a	ADP
+stuff	NOUN
+.	PUNCT
+
+I	PRON
+hope	VERB
+your	PRON
+dad	NOUN
+'s	PART
+surgery	NOUN
+goes	VERB
+well	ADV
+!	PUNCT
+
+Is	AUX
+this	PRON
+related	ADJ
+to	ADP
+the	DET
+problems	NOUN
+he	PRON
+is	AUX
+having	VERB
+getting	VERB
+around	ADV
+(	PUNCT
+circulatory	ADJ
+?	PUNCT
+)	PUNCT
+?	PUNCT
+
+Kathleen	PROPN
+
+Kay	PROPN
+Mann	PROPN
+
+03/15/2001	NUM
+04:11	NUM
+PM	NOUN
+
+Kay	PROPN
+Mann	PROPN
+
+03/15/2001	NUM
+04:03	NUM
+PM	NOUN
+
+I	PRON
+have	VERB
+a	DET
+change	NOUN
+in	ADP
+plans	NOUN
+next	ADJ
+week	NOUN
+.	PUNCT
+
+My	PRON
+dad	NOUN
+is	AUX
+having	VERB
+surgery	NOUN
+in	ADP
+Ft.	PROPN
+Worth	PROPN
+,	PUNCT
+so	ADV
+I	PRON
+will	AUX
+be	AUX
+heading	VERB
+that	DET
+way	NOUN
+on	ADP
+Monday	PROPN
+.	PUNCT
+
+I	PRON
+was	AUX
+planning	VERB
+to	PART
+be	AUX
+on	ADP
+vacation	NOUN
+anyway	ADV
+,	PUNCT
+but	CCONJ
+I	PRON
+may	AUX
+have	VERB
+some	DET
+accessibility	NOUN
+challenges	NOUN
+in	ADP
+Ft.	PROPN
+Worth	PROPN
+which	PRON
+I	PRON
+would	AUX
+not	PART
+have	AUX
+had	VERB
+otherwise	ADV
+.	PUNCT
+
+I	PRON
+will	AUX
+manage	VERB
+client	NOUN
+expectations	NOUN
+accordingly	ADV
+.	PUNCT
+
+Kay	PROPN
+
+For	ADP
+better	ADJ
+or	CCONJ
+worse	ADJ
+,	PUNCT
+all	DET
+the	DET
+folks	NOUN
+under	ADP
+the	DET
+heading	NOUN
+"	PUNCT
+Origination	NOUN
+"	PUNCT
+and	CCONJ
+"	PUNCT
+Development	NOUN
+"	PUNCT
+are	AUX
+ours	PRON
+,	PUNCT
+although	SCONJ
+Kathleen	PROPN
+has	VERB
+a	DET
+special	ADJ
+role	NOUN
+with	ADP
+Development	NOUN
+.	PUNCT
+
+Kay	PROPN
+
+FYI	ADV
+-	PUNCT
+See	VERB
+rows	NOUN
+49	NUM
+-	SYM
+53	NUM
+;	PUNCT
+columns	NOUN
+E	NOUN
+-	SYM
+J	NOUN
+for	ADP
+our	PRON
+group	NOUN
+.	PUNCT
+
+Kathleen	PROPN
+
+Lorie	X
+Leigh	X
+@	X
+ECT	X
+
+03/15/2001	NUM
+04:44	NUM
+PM	NOUN
+
+I	PRON
+received	VERB
+a	DET
+report	NOUN
+from	ADP
+HR	NOUN
+and	CCONJ
+it	PRON
+appears	VERB
+there	PRON
+is	VERB
+conflicting	VERB
+information	NOUN
+regarding	VERB
+some	DET
+of	ADP
+the	DET
+titles	NOUN
+for	ADP
+various	ADJ
+employees	NOUN
+.	PUNCT
+
+Please	INTJ
+verify	VERB
+that	SCONJ
+the	DET
+titles	NOUN
+are	AUX
+correct	ADJ
+for	ADP
+everyone	PRON
+in	ADP
+your	PRON
+group	NOUN
+.	PUNCT
+
+The	DET
+ones	NOUN
+that	PRON
+I	PRON
+made	VERB
+changes	NOUN
+to	ADP
+are	AUX
+in	ADP
+red	ADJ
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Paula	PROPN
+.	PUNCT
+
+I	PRON
+formatted	VERB
+the	DET
+file	NOUN
+so	SCONJ
+that	SCONJ
+it	PRON
+would	AUX
+print	VERB
+on	ADP
+one	NUM
+legal	ADJ
+size	NOUN
+sheet	NOUN
+.	PUNCT
+
+Please	INTJ
+use	VERB
+this	DET
+new	ADJ
+file	NOUN
+as	ADP
+opposed	VERB
+to	ADP
+the	DET
+one	NOUN
+I	PRON
+sent	VERB
+earlier	ADV
+.	PUNCT
+
+Please	INTJ
+review	VERB
+the	DET
+attached	VERB
+org	NOUN
+chart	NOUN
+for	ADP
+March	PROPN
+and	CCONJ
+submit	VERB
+any	DET
+changes	NOUN
+by	ADP
+noon	NOUN
+tomorrow	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+imperative	ADJ
+that	SCONJ
+all	DET
+of	ADP
+the	DET
+information	NOUN
+on	ADP
+the	DET
+attached	VERB
+file	NOUN
+is	AUX
+accurate	ADJ
+,	PUNCT
+including	VERB
+titles	NOUN
+,	PUNCT
+as	SCONJ
+this	DET
+information	NOUN
+is	AUX
+being	AUX
+given	VERB
+directly	ADV
+to	ADP
+John	PROPN
+Lavorato	PROPN
+and	CCONJ
+Louise	PROPN
+Kitchen	PROPN
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Paula	PROPN
+.	PUNCT
+
+Here	ADV
+'s	AUX
+the	DET
+version	NOUN
+showing	VERB
+revisions	NOUN
+.	PUNCT
+
+Kay	PROPN
+--	PUNCT
+
+I	PRON
+finally	ADV
+got	VERB
+it	PRON
+to	PART
+blackline	VERB
+correctly	ADV
+.	PUNCT
+
+Here	ADV
+it	PRON
+is	AUX
+.	PUNCT
+
+Also	ADV
+attached	VERB
+is	AUX
+a	DET
+sample	NOUN
+availability	NOUN
+provision	NOUN
+(	PUNCT
+actually	ADV
+2	NUM
+different	ADJ
+versions	NOUN
+)	PUNCT
+.	PUNCT
+
+-	PUNCT
+redvepco.doc	NOUN
+
+-	PUNCT
+SAMPLE.DOC	NOUN
+
+Lorie	X
+Leigh	X
+@	X
+ECT	X
+
+03/15/2001	NUM
+04:17	NUM
+PM	NOUN
+
+Conference	PROPN
+Plus	PROPN
+will	AUX
+be	AUX
+hosting	VERB
+this	DET
+call	NOUN
+:	PUNCT
+
+the	DET
+date	NOUN
+:	PUNCT
+Thursday	PROPN
+,	PUNCT
+March	PROPN
+22nd	NOUN
+,	PUNCT
+2001	NUM
+
+the	DET
+number	NOUN
+:	PUNCT
+1-800-991-9019	NUM
+
+the	DET
+passcode	NOUN
+:	PUNCT
+6871082#	NUM
+
+the	DET
+time	NOUN
+:	PUNCT
+10:00	NUM
+AM	NOUN
+-	SYM
+11:00	NUM
+AM	NOUN
+CST	PROPN
+
+the	DET
+place	NOUN
+:	PUNCT
+EB	PROPN
+3143C	NOUN
+
+the	DET
+subject	NOUN
+:	PUNCT
+Turbine	NOUN
+1	NUM
+and	CCONJ
+Turbine	NOUN
+2	NUM
+Purchase	NOUN
+Agreement	NOUN
+
+If	SCONJ
+you	PRON
+have	VERB
+any	DET
+problems	NOUN
+or	CCONJ
+questions	NOUN
+,	PUNCT
+please	INTJ
+feel	VERB
+free	ADJ
+to	PART
+call	VERB
+me	PRON
+at	ADP
+713-853-1696	NUM
+.	PUNCT
+
+Thank	VERB
+you	PRON
+,	PUNCT
+
+Lorie	PROPN
+Leigh	PROPN
+46093	NUM
+
+Kay	PROPN
+Mann	PROPN
+
+02/13/2001	NUM
+04:13	NUM
+PM	NOUN
+
+Good	ADJ
+afternoon	NOUN
+,	PUNCT
+
+I	PRON
+'m	AUX
+forwarding	VERB
+a	DET
+revised	VERB
+development	NOUN
+agreement	NOUN
+term	NOUN
+sheet	NOUN
+,	PUNCT
+showing	VERB
+revisions	NOUN
+from	ADP
+your	PRON
+original	ADJ
+version	NOUN
+.	PUNCT
+
+We	PRON
+look	VERB
+forward	ADV
+to	SCONJ
+seeing	VERB
+you	PRON
+soon	ADV
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Kay	PROPN
+
+Peggy	PROPN
+Banczak	PROPN
+is	AUX
+the	DET
+ENA	PROPN
+lawyer	NOUN
+who	PRON
+handles	VERB
+Mexico	PROPN
+.	PUNCT
+
+John	X
+Schwartzenburg@ENRON_DEVELOPMENT	X
+
+03/16/2001	NUM
+09:22	NUM
+AM	NOUN
+
+I	PRON
+do	AUX
+not	PART
+think	VERB
+the	DET
+prior	ADJ
+e-mail	NOUN
+got	VERB
+through	ADV
+to	ADP
+Kay	PROPN
+.	PUNCT
+
+Are	AUX
+either	DET
+of	ADP
+you	PRON
+familiar	ADJ
+with	ADP
+this	DET
+project	NOUN
+?	PUNCT
+
+We	PRON
+have	AUX
+had	VERB
+no	DET
+contact	NOUN
+with	ADP
+the	DET
+ENA	PROPN
+/	PUNCT
+Enron	PROPN
+Mexico	PROPN
+commercial	ADJ
+or	CCONJ
+legal	ADJ
+people	NOUN
+and	CCONJ
+I	PRON
+do	AUX
+n't	PART
+want	VERB
+to	PART
+bust	VERB
+any	DET
+structuring	NOUN
+goals	NOUN
+.	PUNCT
+
+Our	PRON
+project	NOUN
+manager	NOUN
+(	PUNCT
+Scott	PROPN
+Laidlaw	PROPN
+)	PUNCT
+and	CCONJ
+engineer	NOUN
+(	PUNCT
+Harry	PROPN
+Okabayashi	PROPN
+)	PUNCT
+want	VERB
+to	PART
+issue	VERB
+a	DET
+tasking	NOUN
+letter	NOUN
+to	PART
+procure	VERB
+engineering	NOUN
+services	NOUN
+on	ADP
+this	DET
+project	NOUN
+to	PART
+support	VERB
+the	DET
+ENA	PROPN
+work	NOUN
+.	PUNCT
+
+I	PRON
+now	ADV
+understand	VERB
+that	SCONJ
+someone	PRON
+at	ADP
+ENA	PROPN
+/	PUNCT
+Enron	PROPN
+Mexico	PROPN
+/	PUNCT
+Enron	PROPN
+Wholesale	PROPN
+has	AUX
+signed	VERB
+an	DET
+EPC	NOUN
+contract	NOUN
+with	ADP
+ABB	PROPN
+for	ADP
+this	DET
+project	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+not	PART
+in	ADP
+the	DET
+office	NOUN
+today	NOUN
+,	PUNCT
+so	ADV
+please	INTJ
+include	VERB
+Renee	PROPN
+Alfaro	PROPN
+on	ADP
+your	PRON
+response	NOUN
+.	PUNCT
+
+JWVS	PROPN
+
+Hello	INTJ
+Janice	PROPN
+:	PUNCT
+
+I	PRON
+enjoyed	VERB
+your	PRON
+recent	ADJ
+e-mail	NOUN
+but	CCONJ
+was	AUX
+sorry	ADJ
+to	PART
+hear	VERB
+about	ADP
+your	PRON
+dad	NOUN
+.	PUNCT
+
+It	PRON
+sounds	VERB
+as	SCONJ
+though	SCONJ
+his	PRON
+health	NOUN
+has	AUX
+deteriorated	VERB
+significantly	ADV
+.	PUNCT
+
+These	PRON
+are	AUX
+always	ADV
+difficult	ADJ
+times	NOUN
+.	PUNCT
+
+As	SCONJ
+I	PRON
+watched	VERB
+my	PRON
+mother	NOUN
+and	CCONJ
+father	NOUN
+'s	PART
+health	NOUN
+deteriorate	VERB
+and	CCONJ
+ultimately	ADV
+watched	VERB
+them	PRON
+die	VERB
+,	PUNCT
+it	PRON
+is	AUX
+a	DET
+very	ADV
+defining	ADJ
+time	NOUN
+in	ADP
+our	PRON
+lives	NOUN
+.	PUNCT
+
+But	CCONJ
+we	PRON
+can	AUX
+be	AUX
+very	ADV
+thankful	ADJ
+to	PART
+have	VERB
+such	ADJ
+great	ADJ
+parents	NOUN
+and	CCONJ
+to	PART
+have	AUX
+had	VERB
+the	DET
+privilege	NOUN
+to	PART
+have	AUX
+been	AUX
+raised	VERB
+in	ADP
+such	ADJ
+loving	ADJ
+homes	NOUN
+.	PUNCT
+
+Sounds	VERB
+as	SCONJ
+though	SCONJ
+Eric	PROPN
+has	AUX
+done	VERB
+very	ADV
+well	ADV
+as	ADP
+SMSU	PROPN
+.	PUNCT
+
+He	PRON
+is	AUX
+joining	VERB
+an	DET
+excellent	ADJ
+company	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+also	ADV
+delighted	ADJ
+to	PART
+hear	VERB
+that	SCONJ
+he	PRON
+will	AUX
+continue	VERB
+his	PRON
+education	NOUN
+working	VERB
+toward	ADP
+an	DET
+MBA	NOUN
+.	PUNCT
+
+As	SCONJ
+we	PRON
+are	AUX
+living	VERB
+in	ADP
+an	DET
+age	NOUN
+where	ADV
+intellectual	ADJ
+capital	NOUN
+is	AUX
+so	ADV
+valuable	ADJ
+,	PUNCT
+it	PRON
+is	AUX
+important	ADJ
+for	SCONJ
+every	DET
+young	ADJ
+person	NOUN
+to	PART
+obtain	VERB
+the	DET
+very	ADV
+best	ADJ
+possible	ADJ
+education	NOUN
+they	PRON
+can	AUX
+.	PUNCT
+
+As	ADP
+to	ADP
+our	PRON
+family	NOUN
+,	PUNCT
+within	ADP
+the	DET
+last	ADJ
+ten	NUM
+days	NOUN
+our	PRON
+youngest	ADJ
+daughter	NOUN
+Elizabeth	PROPN
+was	AUX
+married	VERB
+to	ADP
+a	DET
+young	ADJ
+man	NOUN
+from	ADP
+Buenos	PROPN
+Aires	PROPN
+,	PUNCT
+Argentina	PROPN
+.	PUNCT
+
+They	PRON
+met	VERB
+while	SCONJ
+they	PRON
+were	AUX
+both	ADV
+working	VERB
+on	ADP
+a	DET
+project	NOUN
+as	ADP
+lawyers	NOUN
+in	ADP
+Buenos	PROPN
+Aires	PROPN
+.	PUNCT
+
+They	PRON
+'re	AUX
+currently	ADV
+on	ADP
+their	PRON
+honeymoon	NOUN
+but	CCONJ
+shortly	ADV
+after	SCONJ
+returning	VERB
+will	AUX
+be	AUX
+moving	VERB
+from	ADP
+Buenos	PROPN
+Aires	PROPN
+to	ADP
+Miami	PROPN
+,	PUNCT
+Florida	PROPN
+.	PUNCT
+
+This	DET
+past	ADJ
+Thursday	PROPN
+night	NOUN
+our	PRON
+sixth	ADJ
+grandchild	NOUN
+was	AUX
+born	VERB
+.	PUNCT
+
+It	PRON
+was	AUX
+born	VERB
+to	ADP
+our	PRON
+son	NOUN
+David	PROPN
+and	CCONJ
+his	PRON
+wife	NOUN
+Courtney	PROPN
+.	PUNCT
+
+It	PRON
+was	AUX
+a	DET
+7	NUM
+lb.	NOUN
+,	PUNCT
+10	NUM
+oz.	NOUN
+,	PUNCT
+20	NUM
+inch	NOUN
+little	ADJ
+boy	NOUN
+.	PUNCT
+
+So	ADV
+we	PRON
+now	ADV
+have	VERB
+three	NUM
+grandsons	NOUN
+and	CCONJ
+three	NUM
+granddaughters	NOUN
+ranging	VERB
+from	ADP
+about	ADV
+2	NUM
+years	NOUN
+-	SYM
+4	NUM
+months	NOUN
+down	ADV
+to	ADP
+a	DET
+few	ADJ
+days	NOUN
+.	PUNCT
+
+They	PRON
+are	AUX
+a	DET
+great	ADJ
+deal	NOUN
+of	ADP
+fun	NOUN
+.	PUNCT
+
+We	PRON
+are	AUX
+doing	VERB
+quite	ADV
+well	ADV
+.	PUNCT
+
+I	PRON
+am	AUX
+looking	VERB
+forward	ADV
+to	SCONJ
+seeing	VERB
+Ginger	PROPN
+"	PUNCT
+Rees	PROPN
+"	PUNCT
+Copeland	PROPN
+when	ADV
+she	PRON
+comes	VERB
+to	ADP
+Houston	PROPN
+.	PUNCT
+
+I	PRON
+would	AUX
+be	AUX
+delighted	ADJ
+to	PART
+arrange	VERB
+tickets	NOUN
+for	ADP
+you	PRON
+and	CCONJ
+your	PRON
+family	NOUN
+should	AUX
+you	PRON
+ever	ADV
+have	VERB
+occasion	NOUN
+to	PART
+visit	VERB
+Houston	PROPN
+.	PUNCT
+
+I	PRON
+hope	VERB
+you	PRON
+have	VERB
+a	DET
+great	ADJ
+summer	NOUN
+.	PUNCT
+
+Thank	VERB
+you	PRON
+for	ADP
+your	PRON
+recent	ADJ
+request	NOUN
+for	SCONJ
+Mr.	PROPN
+Lay	PROPN
+to	PART
+speak	VERB
+at	ADP
+your	PRON
+conference	NOUN
+.	PUNCT
+
+Unfortunately	ADV
+,	PUNCT
+do	ADP
+to	ADP
+Mr.	PROPN
+Lay	PROPN
+'s	PART
+schedule	NOUN
+he	PRON
+will	AUX
+not	PART
+be	AUX
+able	ADJ
+to	PART
+participate	VERB
+.	PUNCT
+
+Thank	VERB
+you	PRON
+again	ADV
+,	PUNCT
+
+Tori	PROPN
+L.	PROPN
+Wells	PROPN
+Executive	ADJ
+Secretary	NOUN
+
+Hi	INTJ
+-	PUNCT
+
+Just	ADV
+to	PART
+let	VERB
+you	PRON
+know	VERB
+that	SCONJ
+it	PRON
+looks	VERB
+like	SCONJ
+one	NUM
+day	NOUN
+will	AUX
+work	VERB
+.	PUNCT
+
+I	PRON
+want	VERB
+to	PART
+check	VERB
+with	ADP
+Mr.	PROPN
+Lay	PROPN
+before	SCONJ
+confirming	VERB
+.	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+Rosalee	PROPN
+
+Dear	ADJ
+Ken	PROPN
+,	PUNCT
+
+As	SCONJ
+you	PRON
+know	VERB
+,	PUNCT
+our	PRON
+next	ADJ
+meeting	NOUN
+is	AUX
+on	ADP
+Wednesday	PROPN
+,	PUNCT
+July	PROPN
+12	NUM
+from	ADP
+3:00	NUM
+-	SYM
+5:30	NUM
+p.m	NOUN
+.	PUNCT
+
+In	ADP
+the	DET
+next	ADJ
+week	NOUN
+or	CCONJ
+so	ADV
+,	PUNCT
+we	PRON
+'ll	AUX
+be	AUX
+sending	VERB
+around	ADV
+a	DET
+discussion	NOUN
+paper	NOUN
+which	PRON
+we	PRON
+hope	VERB
+crystallizes	VERB
+the	DET
+issues	NOUN
+,	PUNCT
+and	CCONJ
+we	PRON
+will	AUX
+try	VERB
+to	PART
+talk	VERB
+to	ADP
+as	ADV
+many	ADJ
+of	ADP
+you	PRON
+as	SCONJ
+possible	ADJ
+before	ADP
+the	DET
+meeting	NOUN
+to	PART
+go	VERB
+through	ADP
+it	PRON
+.	PUNCT
+
+Meanwhile	ADV
+,	PUNCT
+Arthur	PROPN
+Levitt	PROPN
+has	AUX
+agreed	VERB
+to	PART
+meet	VERB
+with	ADP
+us	PRON
+in	ADP
+September	PROPN
+to	PART
+brainstorm	VERB
+on	ADP
+the	DET
+ideas	NOUN
+we	PRON
+'ve	AUX
+generated	VERB
+and	CCONJ
+also	ADV
+to	PART
+give	VERB
+us	PRON
+a	DET
+sense	NOUN
+of	ADP
+some	DET
+of	ADP
+the	DET
+issues	NOUN
+as	SCONJ
+he	PRON
+sees	VERB
+them	PRON
+.	PUNCT
+
+There	PRON
+are	VERB
+three	NUM
+possible	ADJ
+dates	NOUN
+for	ADP
+the	DET
+meeting	NOUN
+,	PUNCT
+which	PRON
+I	PRON
+suggest	VERB
+be	AUX
+in	ADP
+two	NUM
+parts	NOUN
+--	PUNCT
+first	ADV
+,	PUNCT
+a	DET
+meeting	NOUN
+among	ADP
+the	DET
+panel	NOUN
+only	ADV
+from	ADP
+5:00	NUM
+-	SYM
+6:30	NUM
+p.m.	NOUN
+,	PUNCT
+and	CCONJ
+then	ADV
+a	DET
+dinner	NOUN
+with	ADP
+Chairman	NOUN
+Levitt	PROPN
+from	ADP
+6:30	NUM
+-	SYM
+8:30	NUM
+p.m	NOUN
+.	PUNCT
+
+Here	ADV
+are	AUX
+the	DET
+dates	NOUN
+:	PUNCT
+
+Could	AUX
+you	PRON
+please	INTJ
+let	VERB
+us	PRON
+know	VERB
+which	PRON
+of	ADP
+these	PRON
+would	AUX
+be	AUX
+possible	ADJ
+for	ADP
+you	PRON
+:	PUNCT
+
+___________	SYM
+Thursday	PROPN
+,	PUNCT
+September	PROPN
+14	NUM
+5:00	NUM
+-	SYM
+8:30	NUM
+pm	NOUN
+
+___________	SYM
+Monday	PROPN
+,	PUNCT
+September	PROPN
+25	NUM
+5:00	NUM
+-	SYM
+8:30	NUM
+pm	NOUN
+
+___________	SYM
+Wednesday	PROPN
+,	PUNCT
+September	PROPN
+27	NUM
+5:00	NUM
+-	SYM
+8:30	NUM
+pm	NOUN
+
+Many	ADJ
+thanks	NOUN
+,	PUNCT
+
+Jeff	PROPN
+Garten	PROPN
+
+Good	ADJ
+morning	NOUN
+,	PUNCT
+Kitty	PROPN
+-	PUNCT
+
+Ken	PROPN
+Lay	PROPN
+would	AUX
+like	VERB
+to	PART
+have	VERB
+the	DET
+Armada	PROPN
+M306	PROPN
+series	NOUN
+-	PUNCT
+"	PUNCT
+the	DET
+first	ADJ
+ultra	X
+portable	ADJ
+notebook	NOUN
+designed	VERB
+for	ADP
+the	DET
+enterprise	NOUN
+"	PUNCT
+.	PUNCT
+
+Ken	PROPN
+said	VERB
+to	PART
+go	VERB
+ahead	ADV
+and	CCONJ
+equip	VERB
+it	PRON
+with	SCONJ
+what	PRON
+you	PRON
+think	VERB
+it	PRON
+should	AUX
+have	VERB
+.	PUNCT
+
+Please	INTJ
+let	VERB
+me	PRON
+know	VERB
+when	ADV
+he	PRON
+can	AUX
+expect	VERB
+to	PART
+receive	VERB
+it	PRON
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+Kitty	PROPN
+.	PUNCT
+
+Rosalee	PROPN
+
+Here	ADV
+is	AUX
+the	DET
+link	NOUN
+to	ADP
+the	DET
+latest	ADJ
+commercial	ADJ
+laptops	NOUN
+on	ADP
+the	DET
+market	NOUN
+,	PUNCT
+I	PRON
+will	AUX
+follow	VERB
+up	ADP
+with	ADP
+the	DET
+consumer	NOUN
+models	NOUN
+.	PUNCT
+
+The	DET
+M300	PROPN
+series	NOUN
+are	AUX
+the	DET
+lightest	ADJ
+and	CCONJ
+the	DET
+E500's	NOUN
+are	AUX
+the	DET
+all	DET
+in	ADP
+one	NUM
+but	CCONJ
+much	ADV
+heavier	ADJ
+.	PUNCT
+
+http://www.compaq.com/products/notebooks/index.html	X
+
+<<	PUNCT
+Compaq.com	X
+-	X
+notebook.url	NOUN
+>>	PUNCT
+
+-	PUNCT
+Compaq.com	X
+-	X
+notebook.url	NOUN
+
+Unfortunately	ADV
+,	PUNCT
+Mr.	PROPN
+Lay	PROPN
+will	AUX
+be	AUX
+in	ADP
+San	PROPN
+Jose	PROPN
+,	PUNCT
+CA	PROPN
+participating	VERB
+in	ADP
+a	DET
+conference	NOUN
+,	PUNCT
+where	ADV
+he	PRON
+is	AUX
+a	DET
+speaker	NOUN
+,	PUNCT
+on	ADP
+June	PROPN
+14	NUM
+.	PUNCT
+
+Rosalee	PROPN
+Fleming	PROPN
+
+RE	ADP
+:	PUNCT
+???	SYM
+
+June	PROPN
+14	NUM
+Reception	NOUN
+
+Recently	ADV
+Charles	PROPN
+Miller	PROPN
+and	CCONJ
+David	PROPN
+Dewhurst	PROPN
+sent	VERB
+you	PRON
+an	DET
+invitation	NOUN
+to	ADP
+a	DET
+reception	NOUN
+which	PRON
+they	PRON
+are	AUX
+hosting	VERB
+on	ADP
+Wed.	PROPN
+6/14	NUM
+at	ADP
+5:00	NUM
+PM	NOUN
+to	PART
+be	AUX
+held	VERB
+at	ADP
+the	DET
+Houston	PROPN
+Petroleum	PROPN
+Club	PROPN
+.	PUNCT
+
+I	PRON
+hope	VERB
+that	SCONJ
+you	PRON
+will	AUX
+be	AUX
+able	ADJ
+to	PART
+attend	VERB
+that	DET
+event	NOUN
+.	PUNCT
+
+Under	ADP
+the	DET
+leadership	NOUN
+of	ADP
+Governor	PROPN
+Bush	PROPN
+and	CCONJ
+others	NOUN
+we	PRON
+have	AUX
+made	VERB
+real	ADJ
+progress	NOUN
+in	ADP
+Education	NOUN
+in	ADP
+Texas	PROPN
+over	ADP
+the	DET
+past	ADJ
+decade	NOUN
+.?	PUNCT
+
+Now	ADV
+it	PRON
+is	AUX
+time	NOUN
+to	PART
+take	VERB
+the	DET
+next	ADJ
+steps	NOUN
+and	CCONJ
+achieve	VERB
+even	ADV
+greater	ADJ
+progress	NOUN
+in	ADP
+our	PRON
+public	ADJ
+education	NOUN
+system	NOUN
+.	PUNCT
+
+The	DET
+Texas	PROPN
+Education	PROPN
+Reform	PROPN
+Caucus	PROPN
+is	AUX
+made	VERB
+up	ADP
+of	ADP
+business	NOUN
+leaders	NOUN
+,	PUNCT
+educators	NOUN
+,	PUNCT
+and	CCONJ
+elected	VERB
+officials	NOUN
+dedicated	ADJ
+to	SCONJ
+finding	VERB
+common	ADJ
+sense	NOUN
+approaches	NOUN
+to	SCONJ
+improving	VERB
+education	NOUN
+in	ADP
+Texas	PROPN
+.	PUNCT
+
+I	PRON
+would	AUX
+appreciate	VERB
+the	DET
+opportunity	NOUN
+to	PART
+visit	VERB
+with	ADP
+you	PRON
+on	ADP
+the	DET
+14th	NOUN
+.	PUNCT
+
+Kent	PROPN
+Grusendorf	PROPN
+
+State	PROPN
+Representative	PROPN
+District	PROPN
+94	NUM
+
+?	PUNCT
+
+This	PRON
+is	AUX
+o.k.	ADJ
+for	ADP
+Ken	PROPN
+Lay	PROPN
+,	PUNCT
+but	CCONJ
+we	PRON
+are	AUX
+changing	VERB
+to	ADP
+a	DET
+more	ADV
+uniform	ADJ
+address	NOUN
+,	PUNCT
+so	ADV
+would	AUX
+likely	ADV
+be	AUX
+better	ADJ
+to	PART
+use	VERB
+kenneth.lay@enron.com	X
+.	PUNCT
+
+This	PRON
+is	AUX
+a	DET
+"	PUNCT
+test	NOUN
+email	NOUN
+send	NOUN
+"	PUNCT
+of	ADP
+the	DET
+WPO	PROPN
+Forum	PROPN
+Group	PROPN
+from	ADP
+Richard	PROPN
+Everett	PROPN
+.	PUNCT
+
+By	ADP
+return	NOUN
+email	NOUN
+,	PUNCT
+please	INTJ
+verify	VERB
+that	SCONJ
+you	PRON
+received	VERB
+this	DET
+message	NOUN
+and	CCONJ
+let	VERB
+us	PRON
+know	VERB
+if	SCONJ
+there	PRON
+is	VERB
+another	DET
+email	NOUN
+address	NOUN
+that	PRON
+you	PRON
+prefer	VERB
+us	PRON
+to	PART
+use	VERB
+.	PUNCT
+
+Thank	VERB
+you	PRON
+.	PUNCT
+
+Joy	PROPN
+Powell	PROPN
+Executive	ADJ
+Assistant	NOUN
+to	ADP
+Richard	PROPN
+Everett	PROPN
+713/871-5119	NUM
+
+===================================================	SYM
+
+NOTE	NOUN
+:	PUNCT
+The	DET
+information	NOUN
+in	ADP
+this	DET
+email	NOUN
+is	AUX
+confidential	ADJ
+and	CCONJ
+may	AUX
+be	AUX
+legally	ADV
+privileged	ADJ
+.	PUNCT
+
+If	SCONJ
+you	PRON
+are	AUX
+not	PART
+the	DET
+intended	VERB
+recipient	NOUN
+,	PUNCT
+you	PRON
+must	AUX
+not	PART
+read	VERB
+,	PUNCT
+use	VERB
+or	CCONJ
+disseminate	VERB
+the	DET
+information	NOUN
+.	PUNCT
+
+Although	SCONJ
+this	DET
+email	NOUN
+and	CCONJ
+any	DET
+attachments	NOUN
+are	AUX
+believed	VERB
+to	PART
+be	AUX
+free	ADJ
+of	ADP
+any	DET
+virus	NOUN
+or	CCONJ
+other	ADJ
+defect	NOUN
+that	PRON
+might	AUX
+affect	VERB
+any	DET
+computer	NOUN
+system	NOUN
+into	ADP
+which	PRON
+it	PRON
+is	AUX
+received	VERB
+and	CCONJ
+opened	VERB
+,	PUNCT
+it	PRON
+is	AUX
+the	DET
+responsibility	NOUN
+of	ADP
+the	DET
+recipient	NOUN
+to	PART
+ensure	VERB
+that	SCONJ
+it	PRON
+is	AUX
+virus	NOUN
+free	ADJ
+and	CCONJ
+no	DET
+responsibility	NOUN
+is	AUX
+accepted	VERB
+by	ADP
+Century	PROPN
+Development	PROPN
+or	CCONJ
+any	DET
+of	ADP
+its	PRON
+affiliates	NOUN
+for	ADP
+any	DET
+loss	NOUN
+or	CCONJ
+damage	NOUN
+arising	VERB
+in	ADP
+any	DET
+way	NOUN
+from	ADP
+its	PRON
+use	NOUN
+.	PUNCT
+
+====================================================	SYM
+
+Kenneth	PROPN
+Lay	PROPN
+has	AUX
+approved	VERB
+the	DET
+attached	VERB
+expense	NOUN
+report	NOUN
+for	ADP
+Cindy	PROPN
+Olson	PROPN
+.	PUNCT
+
+Hi	INTJ
+Mr.	PROPN
+Katsof	PROPN
+-	PUNCT
+
+I	PRON
+believe	VERB
+someone	PRON
+called	VERB
+about	ADP
+this	PRON
+today	NOUN
+,	PUNCT
+but	CCONJ
+Mr.	PROPN
+Lay	PROPN
+asked	VERB
+me	PRON
+to	PART
+let	VERB
+you	PRON
+know	VERB
+that	SCONJ
+these	DET
+dates	NOUN
+do	AUX
+n't	PART
+work	VERB
+for	ADP
+him	PRON
+,	PUNCT
+either	ADV
+.	PUNCT
+
+Sorry	ADJ
+.	PUNCT
+
+Rosalee	PROPN
+
+let	VERB
+me	PRON
+know	VERB
+if	SCONJ
+you	PRON
+have	VERB
+any	DET
+interest	NOUN
+in	ADP
+the	DET
+Tco	PROPN
+-	PUNCT
+Pool	PROPN
+Leach	PROPN
+swap	NOUN
+for	ADP
+the	DET
+winter	NOUN
+.	PUNCT
+
+I	PRON
+'ll	AUX
+take	VERB
+TCO	PROPN
+pool	NOUN
+at	ADP
+Index	NOUN
+and	CCONJ
+sale	VERB
+Leach	PROPN
+or	CCONJ
+Pool	PROPN
+at	ADP
+Index	NOUN
+-	PUNCT
+$	SYM
+.04	NUM
+.	PUNCT
+
+I	PRON
+ca	AUX
+n't	PART
+remember	VERB
+if	SCONJ
+you	PRON
+guys	NOUN
+could	AUX
+do	VERB
+it	PRON
+or	CCONJ
+not	PART
+.	PUNCT
+
+Could	AUX
+you	PRON
+tell	VERB
+me	PRON
+what	DET
+deal	NOUN
+tickets	NOUN
+you	PRON
+are	AUX
+seeing	VERB
+?	PUNCT
+
+Please	INTJ
+check	VERB
+Tenn	PROPN
+contract	NOUN
+36647	NUM
+on	ADP
+the	DET
+Demand	NOUN
+speadsheet	NOUN
+.	PUNCT
+
+Sitara	PROPN
+is	AUX
+n't	PART
+matching	VERB
+the	DET
+spreadsheet	NOUN
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Brenda	PROPN
+
+Pasquallie	PROPN
+,	PUNCT
+
+-	SYM
+5	NUM
+for	ADP
+spelling	NOUN
+,	PUNCT
+
+W.	PROPN
+Don	PROPN
+Germany	PROPN
+,	PUNCT
+Jr	PROPN
+PO	NOUN
+Box	NOUN
+27	NUM
+Cedar	PROPN
+Lane	PROPN
+,	PUNCT
+Texas	PROPN
+77415-0027	NUM
+
+Actually	ADV
+it	PRON
+is	AUX
+not	PART
+a	DET
+new	ADJ
+truck	NOUN
+.	PUNCT
+
+Had	VERB
+33,000	NUM
+miles	NOUN
+,	PUNCT
+Ram	PROPN
+2500	NUM
+3	NUM
+/	PUNCT
+4	NUM
+ton	NOUN
+,	PUNCT
+4	NUM
+x	SYM
+4	NUM
+,	PUNCT
+360	NUM
+Magnum	PROPN
+Motor	NOUN
+.	PUNCT
+
+Infinity	NOUN
+stereo	NOUN
+,	PUNCT
+bucket	NOUN
+seats	NOUN
+,	PUNCT
+nerf	NOUN
+bars	NOUN
+,	PUNCT
+tool	NOUN
+box	NOUN
+,	PUNCT
+bed	NOUN
+liner	NOUN
+,	PUNCT
+camper	NOUN
+tow	NOUN
+package	NOUN
+,	PUNCT
+5	NUM
+speed	NOUN
+manual	NOUN
+.	PUNCT
+
+Oh	INTJ
+,	PUNCT
+it	PRON
+is	AUX
+dueled	VERB
+out	ADP
+through	ADP
+one	NUM
+catalytic	ADJ
+converter	NOUN
+with	ADP
+Flow	PROPN
+Masters	PROPN
+to	PART
+accent	VERB
+the	DET
+sound	NOUN
+.	PUNCT
+
+Makes	VERB
+me	PRON
+want	VERB
+to	PART
+race	VERB
+!!!	PUNCT
+
+I	PRON
+believe	VERB
+the	DET
+fuel	NOUN
+consumption	NOUN
+will	AUX
+be	AUX
+tolerable	ADJ
+as	ADV
+well	ADV
+.	PUNCT
+
+Now	ADV
+,	PUNCT
+Debbie	PROPN
+wants	VERB
+it	PRON
+.	PUNCT
+
+I	PRON
+gave	VERB
+$	SYM
+16,900	NUM
++	CCONJ
+tax	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+very	ADV
+clean	ADJ
+and	CCONJ
+is	AUX
+Sandalwood	NOUN
+,	PUNCT
+Driftwood	NOUN
+or	CCONJ
+something	PRON
+of	ADP
+that	DET
+nature	NOUN
+in	ADP
+color	NOUN
+.	PUNCT
+
+Almost	ADV
+silver	ADJ
+.	PUNCT
+
+I	PRON
+have	VERB
+to	PART
+pick	VERB
+up	ADP
+old	ADJ
+gray	NOUN
+over	ADV
+at	ADP
+Jerry	PROPN
+'s	PART
+.	PUNCT
+
+Debbie	PROPN
+said	VERB
+,	PUNCT
+it	PRON
+is	AUX
+going	VERB
+to	PART
+be	AUX
+hard	ADJ
+on	ADP
+me	PRON
+to	PART
+sale	VERB
+my	PRON
+old	ADJ
+dodge	PROPN
+truck	NOUN
+.	PUNCT
+
+I	PRON
+said	VERB
+Yep	INTJ
+,	PUNCT
+had	VERB
+that	DET
+truck	NOUN
+longer	ADV
+than	SCONJ
+I	PRON
+have	AUX
+had	VERB
+most	ADJ
+of	ADP
+my	PRON
+women	NOUN
+.	PUNCT
+
+I	PRON
+really	ADV
+need	VERB
+to	PART
+engage	VERB
+brain	NOUN
+before	SCONJ
+articulating	VERB
+!	PUNCT
+
+I	PRON
+am	AUX
+doing	VERB
+dirt	NOUN
+work	NOUN
+and	CCONJ
+hope	VERB
+to	PART
+plant	VERB
+ST	PROPN
+Augustine	PROPN
+Grass	NOUN
+by	ADP
+Friday	PROPN
+before	ADP
+rain	NOUN
+.	PUNCT
+
+One	NUM
+thing	NOUN
+is	AUX
+for	ADP
+sure	ADJ
+,	PUNCT
+the	DET
+economy	NOUN
+is	AUX
+not	PART
+faltering	VERB
+on	ADP
+my	PRON
+account	NOUN
+.	PUNCT
+
+Dow	PROPN
+Stock	NOUN
+is	AUX
+back	ADV
+up	ADP
+over	ADP
+$	SYM
+33	NUM
+.	PUNCT
+
+Hooray	INTJ
+,	PUNCT
+hoorah	INTJ
+!	PUNCT
+
+Needs	VERB
+to	PART
+go	VERB
+to	ADP
+$	SYM
+41	NUM
+and	CCONJ
+then	ADV
+I	PRON
+will	AUX
+be	AUX
+happy	ADJ
+.	PUNCT
+
+I	PRON
+spoke	VERB
+with	ADP
+Gerald	PROPN
+and	CCONJ
+he	PRON
+said	VERB
+there	PRON
+are	VERB
+a	DET
+bunch	NOUN
+of	ADP
+folks	NOUN
+hanging	VERB
+around	ADP
+Dad	PROPN
+'s	PART
+place	NOUN
+.	PUNCT
+
+We	PRON
+need	VERB
+to	PART
+change	VERB
+the	DET
+lock	NOUN
+and	CCONJ
+place	VERB
+posted	VERB
+signs	NOUN
+at	ADP
+the	DET
+gate	NOUN
+.	PUNCT
+
+I	PRON
+may	AUX
+want	VERB
+to	PART
+put	VERB
+some	DET
+steers	NOUN
+or	CCONJ
+heifers	NOUN
+up	ADV
+there	ADV
+.	PUNCT
+
+I	PRON
+am	AUX
+going	VERB
+up	ADV
+soon	ADV
+and	CCONJ
+having	VERB
+the	DET
+tractor	NOUN
+fixed	VERB
+.	PUNCT
+
+Reggie	PROPN
+said	VERB
+he	PRON
+will	AUX
+pay	VERB
+us	PRON
+soon	ADV
+.	PUNCT
+
+He	PRON
+also	ADV
+still	ADV
+wants	VERB
+the	DET
+tractor	NOUN
+if	SCONJ
+we	PRON
+can	AUX
+hold	VERB
+on	ADP
+to	ADP
+it	PRON
+.	PUNCT
+
+First	ADV
+come	VERB
+,	PUNCT
+first	ADV
+serve	VERB
+.	PUNCT
+
+When	ADV
+is	AUX
+the	DET
+wedding	NOUN
+?	PUNCT
+
+We	PRON
+'re	AUX
+set	VERB
+for	ADP
+11/01/01	NUM
+.	PUNCT
+
+Be	AUX
+sure	ADJ
+to	PART
+take	VERB
+your	PRON
+sweety	NOUN
+out	ADV
+on	ADP
+the	DET
+balcony	NOUN
+tonight	NOUN
+and	CCONJ
+gaze	VERB
+at	ADP
+the	DET
+full	ADJ
+moon	NOUN
+.	PUNCT
+
+It	PRON
+was	AUX
+sure	ADV
+beautiful	ADJ
+coming	VERB
+up	ADV
+last	ADJ
+night	NOUN
+.	PUNCT
+
+We	PRON
+used	VERB
+to	PART
+go	VERB
+out	ADV
+and	CCONJ
+lay	VERB
+in	ADP
+the	DET
+pasture	NOUN
+on	ADP
+a	DET
+blanket	NOUN
+and	CCONJ
+watch	VERB
+for	ADP
+the	DET
+space	NOUN
+shuttle	NOUN
+.	PUNCT
+
+I	PRON
+had	VERB
+a	DET
+couple	NOUN
+of	ADP
+hickies	NOUN
+on	ADP
+my	PRON
+neck	NOUN
+the	DET
+day	NOUN
+after	ADV
+and	CCONJ
+the	DET
+guys	NOUN
+all	DET
+wanted	VERB
+to	PART
+know	VERB
+if	SCONJ
+those	PRON
+were	AUX
+shuttle	NOUN
+burns	NOUN
+.	PUNCT
+
+Just	ADV
+jealous	ADJ
+.	PUNCT
+
+My	PRON
+kid	NOUN
+is	AUX
+making	VERB
+wonderful	ADJ
+grades	NOUN
+and	CCONJ
+has	AUX
+reassured	VERB
+me	PRON
+she	PRON
+will	AUX
+graduate	VERB
+within	ADP
+the	DET
+four	NUM
+year	NOUN
+period	NOUN
+.	PUNCT
+
+She	PRON
+still	ADV
+has	VERB
+some	DET
+sort	NOUN
+of	ADP
+scholarship	NOUN
+but	CCONJ
+I	PRON
+am	AUX
+not	PART
+for	ADP
+sure	ADJ
+how	ADV
+much	ADJ
+it	PRON
+pays	VERB
+.	PUNCT
+
+She	PRON
+is	AUX
+going	VERB
+to	PART
+be	AUX
+a	DET
+kinesiologist	NOUN
+,	PUNCT
+sports	NOUN
+injury	NOUN
+therapist	NOUN
+.	PUNCT
+
+I	PRON
+think	VERB
+she	PRON
+just	ADV
+wants	VERB
+to	PART
+be	AUX
+able	ADJ
+to	PART
+touch	VERB
+football	NOUN
+players	NOUN
+legs	NOUN
+.	PUNCT
+
+She	PRON
+will	AUX
+be	AUX
+20	NUM
+on	ADP
+11/03	NUM
+.	PUNCT
+
+I	PRON
+am	AUX
+really	ADV
+proud	ADJ
+of	ADP
+her	PRON
+.	PUNCT
+
+Cindy	PROPN
+said	VERB
+Jaime	PROPN
+has	AUX
+grown	VERB
+up	ADP
+very	ADV
+much	ADV
+.	PUNCT
+
+You	PRON
+should	AUX
+e	X
+mail	VERB
+her	PRON
+sometimes	ADV
+.	PUNCT
+
+I	PRON
+am	AUX
+sure	ADJ
+she	PRON
+would	AUX
+like	VERB
+to	PART
+hear	VERB
+from	ADP
+you	PRON
+.	PUNCT
+
+Jgerma5@aol.com	X
+.	PUNCT
+
+At	ADP
+any	DET
+rate	NOUN
+,	PUNCT
+be	AUX
+careful	ADJ
+and	CCONJ
+be	AUX
+safe	ADJ
+.	PUNCT
+
+You	PRON
+should	AUX
+have	AUX
+listened	VERB
+to	ADP
+Maw	NOUN
+,	PUNCT
+as	ADV
+long	ADV
+as	SCONJ
+you	PRON
+keep	VERB
+your	PRON
+mouth	NOUN
+shut	ADJ
+and	CCONJ
+your	PRON
+pants	NOUN
+zipped	ADJ
+,	PUNCT
+you	PRON
+will	AUX
+be	AUX
+alright	ADJ
+.	PUNCT
+
+Shucks	INTJ
+,	PUNCT
+guess	VERB
+none	NOUN
+of	ADP
+us	PRON
+three	NUM
+paid	VERB
+much	ADJ
+attention	NOUN
+to	ADP
+that	PRON
+.	PUNCT
+
+Oh	INTJ
+,	PUNCT
+Jeff	PROPN
+Sherrar	PROPN
+has	VERB
+a	DET
+new	ADJ
+book	NOUN
+out	ADV
+.	PUNCT
+
+Rise	VERB
+to	ADP
+Rebellion	PROPN
+.	PUNCT
+
+There	PRON
+were	VERB
+some	DET
+pretty	ADV
+cool	ADJ
+dudes	NOUN
+back	ADV
+around	ADP
+1774	NUM
+/	PUNCT
+76	NUM
+.	PUNCT
+
+There	PRON
+will	AUX
+be	VERB
+two	NUM
+volumes	NOUN
+to	ADP
+this	DET
+saga	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+half	X
+way	ADV
+through	ADP
+the	DET
+first	ADJ
+and	CCONJ
+you	PRON
+can	AUX
+borrow	VERB
+it	PRON
+when	ADV
+I	PRON
+am	AUX
+through	ADV
+.	PUNCT
+
+I	PRON
+sure	ADV
+like	VERB
+his	PRON
+style	NOUN
+of	ADP
+writing	NOUN
+.	PUNCT
+
+His	PRON
+books	NOUN
+are	AUX
+always	ADV
+hard	ADJ
+to	PART
+put	VERB
+down	ADP
+.	PUNCT
+
+After	ADP
+the	DET
+split	VERB
+Dow	PROPN
+Stock	NOUN
+there	PRON
+are	VERB
+120	NUM
+shares	NOUN
+.	PUNCT
+
+Keep	VERB
+Your	PRON
+Powder	NOUN
+Dry	ADJ
+!	PUNCT
+
+Yo	INTJ
+,	PUNCT
+
+Bro	NOUN
+
+Dow	PROPN
+
+W.	PROPN
+Don	PROPN
+Germany	PROPN
+,	PUNCT
+Jr.	PROPN
+2301	NUM
+N	PROPN
+Brazosport	PROPN
+Blvd	PROPN
+B	PROPN
+3611	NUM
+,	PUNCT
+Investment	NOUN
+Recovery	NOUN
+Freeport	PROPN
+,	PUNCT
+Texas	PROPN
+77541	NUM
+Pager	NOUN
+1	NUM
+800	NUM
+451	NUM
+0491	NUM
+(	PUNCT
+0448	NUM
+)	PUNCT
+Office	NOUN
+979	NUM
+238	NUM
+2102	NUM
+Home	NOUN
+979	NUM
+548	NUM
+7034	NUM
+
+What	PRON
+'s	AUX
+happening	VERB
+?	PUNCT
+
+I	PRON
+understand	VERB
+you	PRON
+have	VERB
+a	DET
+brand	ADV
+new	ADJ
+truck	NOUN
+.	PUNCT
+
+Must	AUX
+be	AUX
+nice	ADJ
+having	VERB
+money	NOUN
+!!	PUNCT
+
+I	PRON
+need	VERB
+2	NUM
+things	NOUN
+from	ADP
+you	PRON
+.	PUNCT
+
+1	X
+.	PUNCT
+I	PRON
+found	VERB
+the	DET
+title	NOUN
+to	ADP
+the	DET
+4	NUM
+wheeler	NOUN
+and	CCONJ
+I	PRON
+was	AUX
+going	VERB
+to	PART
+change	VERB
+it	PRON
+over	ADP
+to	ADP
+you	PRON
+name	NOUN
+.	PUNCT
+
+What	PRON
+do	AUX
+you	PRON
+think	VERB
+?	PUNCT
+
+If	SCONJ
+that	PRON
+'s	AUX
+ok	ADJ
+,	PUNCT
+how	ADV
+do	AUX
+you	PRON
+want	VERB
+your	PRON
+name	NOUN
+to	PART
+show	VERB
+up	ADP
+on	ADP
+the	DET
+title	NOUN
+and	CCONJ
+what	DET
+address	NOUN
+should	AUX
+I	PRON
+use	VERB
+?	PUNCT
+
+2	X
+.	PUNCT
+I	PRON
+'m	AUX
+getting	VERB
+ready	ADJ
+to	PART
+divy	VERB
+up	ADP
+the	DET
+Dow	PROPN
+stock	NOUN
+.	PUNCT
+
+How	ADV
+many	ADJ
+of	ADP
+Dad	NOUN
+'s	PART
+shares	NOUN
+do	AUX
+you	PRON
+have	VERB
+?	PUNCT
+
+Last	ADJ
+thing	NOUN
+,	PUNCT
+send	VERB
+me	PRON
+a	DET
+million	NUM
+dollars	NOUN
+,	PUNCT
+I	PRON
+'m	AUX
+tired	ADJ
+of	SCONJ
+working	VERB
+.	PUNCT
+
+I	PRON
+thought	VERB
+we	PRON
+only	ADV
+had	VERB
+cashout	NOUN
+,	PUNCT
+at	ADV
+most	ADV
+3	NUM
+times	NOUN
+,	PUNCT
+before	ADP
+this	DET
+June	PROPN
+.	PUNCT
+
+I	PRON
+ca	AUX
+n't	PART
+remember	VERB
+.	PUNCT
+
+I	PRON
+do	AUX
+know	VERB
+that	SCONJ
+most	ADJ
+of	ADP
+the	DET
+time	NOUN
+this	DET
+plant	NOUN
+was	AUX
+not	PART
+buring	VERB
+like	SCONJ
+it	PRON
+did	AUX
+in	ADP
+July	PROPN
+and	CCONJ
+August	PROPN
+of	ADP
+this	DET
+year	NOUN
+.	PUNCT
+
+I	PRON
+say	VERB
+we	PRON
+just	ADV
+keep	VERB
+the	DET
+dough	NOUN
+and	CCONJ
+go	VERB
+to	ADP
+Mexico	PROPN
+.	PUNCT
+
+Hey	INTJ
+guys	NOUN
+,	PUNCT
+
+Would	AUX
+you	PRON
+please	INTJ
+ck	VERB
+the	DET
+Oglethorpe	PROPN
+deal	NOUN
+from	ADP
+July	PROPN
+2000	NUM
+-	SYM
+Dec	PROPN
+2000	NUM
+?	PUNCT
+
+Is	AUX
+there	PRON
+supposed	VERB
+to	PART
+be	VERB
+a	DET
+cashout	NOUN
+booked	VERB
+in	ADP
+Sitara	PROPN
+for	ADP
+these	DET
+months	NOUN
+?	PUNCT
+
+Oglethorpe	PROPN
+over	X
+paid	VERB
+their	PRON
+invoice	NOUN
+every	DET
+month	NOUN
+.	PUNCT
+
+I	PRON
+believe	VERB
+that	SCONJ
+Doug	PROPN
+told	VERB
+me	PRON
+the	DET
+extra	ADJ
+was	AUX
+for	ADP
+the	DET
+cashout	NOUN
+that	PRON
+was	AUX
+not	PART
+invoiced	VERB
+.	PUNCT
+
+Thanks	NOUN
+
+Darla	PROPN
+
+I	PRON
+ca	AUX
+n't	PART
+get	VERB
+through	ADV
+on	ADP
+the	DET
+phones	NOUN
+.	PUNCT
+
+Please	INTJ
+call	VERB
+me	PRON
+713-853-4743	NUM
+
+Hey	INTJ
+Ernie	PROPN
+.	PUNCT
+
+I	PRON
+'m	AUX
+checking	VERB
+my	PRON
+emails	NOUN
+.	PUNCT
+
+I	PRON
+assume	VERB
+you	PRON
+have	VERB
+your	PRON
+anwser	NOUN
+and	CCONJ
+do	AUX
+n't	PART
+need	VERB
+me	PRON
+.	PUNCT
+
+Hi	INTJ
+Chris	PROPN
+,	PUNCT
+
+I	PRON
+sent	VERB
+this	PRON
+to	ADP
+Mary	PROPN
+last	ADJ
+week	NOUN
+.	PUNCT
+
+She	PRON
+may	AUX
+be	AUX
+out	ADV
+because	SCONJ
+in	ADP
+the	DET
+past	NOUN
+she	PRON
+always	ADV
+responds	VERB
+pretty	ADV
+quick	ADV
+.	PUNCT
+
+I	PRON
+need	VERB
+the	DET
+prices	NOUN
+below	ADV
+.	PUNCT
+
+Can	AUX
+you	PRON
+help	VERB
+out	ADP
+?	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Ernie	PROPN
+Simien	PROPN
+
+08/01/2001	NUM
+09:14	NUM
+AM	NOUN
+
+Sent	VERB
+by	ADP
+:	PUNCT
+Ernie	PROPN
+Simien	PROPN
+
+Hi	INTJ
+Mary	PROPN
+,	PUNCT
+
+I	PRON
+need	VERB
+your	PRON
+help	NOUN
+again	ADV
+.	PUNCT
+
+I	PRON
+need	VERB
+prices	NOUN
+for	ADP
+May	PROPN
+,	PUNCT
+June	PROPN
+,	PUNCT
+and	CCONJ
+July	PROPN
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Mary.Ellenberger@enron.com	X
+on	ADP
+05/03/2001	NUM
+04:06:52	NUM
+PM	NOUN
+
+Please	INTJ
+respond	VERB
+to	ADP
+Mary.Ellenberger@enron.com	X
+
+cc	NOUN
+:	PUNCT
+
+Subject	NOUN
+:	PUNCT
+Re	ADP
+:	PUNCT
+IF	PROPN
+TGPL	PROPN
+LA	PROPN
+Z1	PROPN
+
+Jan	PROPN
+9.95	NUM
+Feb	PROPN
+6.25	NUM
+Mar	PROPN
+4.98	NUM
+April	PROPN
+5.37	NUM
+
+esimien@nisource.com	X
+on	ADP
+05/03/2001	NUM
+01:32:35	NUM
+PM	NOUN
+
+Hi	INTJ
+Mary	PROPN
+,	PUNCT
+
+Please	INTJ
+do	VERB
+me	PRON
+a	DET
+favour	NOUN
+and	CCONJ
+give	VERB
+me	PRON
+the	DET
+subject	NOUN
+price	NOUN
+for	ADP
+Jan	PROPN
+,	PUNCT
+Feb	PROPN
+,	PUNCT
+Mar	PROPN
+and	CCONJ
+Apr	PROPN
+2001	NUM
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Gregg	PROPN
+Penman	PROPN
+
+10/23/2000	NUM
+12:12	NUM
+PM	NOUN
+
+Kay	PROPN
+-	PUNCT
+
+Can	AUX
+you	PRON
+please	INTJ
+review	VERB
+this	DET
+additional	ADJ
+language	NOUN
+to	ADP
+the	DET
+risk	NOUN
+management	NOUN
+policy	NOUN
+(	PUNCT
+or	CCONJ
+circulate	VERB
+to	ADP
+Jeff	PROPN
+Hodge	PROPN
+)	PUNCT
+?	PUNCT
+
+In	ADP
+light	NOUN
+of	ADP
+the	DET
+CA	NOUN
+regarding	VERB
+curves	NOUN
+,	PUNCT
+I	PRON
+am	AUX
+slightly	ADV
+concerned	ADJ
+with	ADP
+a	DET
+blanket	NOUN
+statement	NOUN
+essentially	ADV
+giving	VERB
+Peoples	NOUN
+unlimited	ADJ
+access	NOUN
+to	ADP
+information	NOUN
+.	PUNCT
+
+I	PRON
+know	VERB
+that	SCONJ
+we	PRON
+address	VERB
+audit	NOUN
+rights	NOUN
+in	ADP
+the	DET
+LLC	NOUN
+agreement	NOUN
+so	ADV
+this	PRON
+may	AUX
+not	PART
+matter	VERB
+anyway	ADV
+if	SCONJ
+this	PRON
+is	AUX
+a	DET
+right	NOUN
+they	PRON
+already	ADV
+have	VERB
+.	PUNCT
+
+Let	VERB
+me	PRON
+know	VERB
+what	PRON
+you	PRON
+think	VERB
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Gregg	PROPN
+
+m.nordstrom@pecorp.com	X
+
+10/20/2000	NUM
+11:32	NUM
+AM	NOUN
+
+Attached	VERB
+please	INTJ
+find	VERB
+the	DET
+latest	ADJ
+enovate	NOUN
+risk	NOUN
+policy	NOUN
+.	PUNCT
+
+Our	PRON
+attorneys	NOUN
+and	CCONJ
+internal	ADJ
+audit	NOUN
+area	NOUN
+have	AUX
+made	VERB
+one	NUM
+language	NOUN
+revision	NOUN
+concerning	VERB
+Section	NOUN
+XIII	NUM
+Audit	NOUN
+Rights	NOUN
+.	PUNCT
+
+Mary	PROPN
+<<	PUNCT
+MEH-risk	X
+Oct	X
+20	NOUN
+>>	PUNCT
+
+-	PUNCT
+MEH-risk	X
+Oct	X
+20.doc	NOUN
+
+I	PRON
+'m	VERB
+still	ADV
+at	ADP
+home	NOUN
+.	PUNCT
+
+I	PRON
+'ll	AUX
+be	AUX
+in	ADV
+tomorrow	NOUN
+.	PUNCT
+
+I	PRON
+have	VERB
+a	DET
+fax	NOUN
+machine	NOUN
+at	ADP
+home	NOUN
+,	PUNCT
+though	ADV
+,	PUNCT
+if	SCONJ
+you	PRON
+prefer	VERB
+.	PUNCT
+
+Otherwise	ADV
+,	PUNCT
+we	PRON
+can	AUX
+see	VERB
+who	PRON
+we	PRON
+can	AUX
+scare	VERB
+up	ADP
+at	ADP
+the	DET
+office	NOUN
+,	PUNCT
+or	CCONJ
+you	PRON
+can	AUX
+have	VERB
+Laura	PROPN
+sign	VERB
+and	CCONJ
+I	PRON
+'ll	AUX
+initial	VERB
+later	ADV
+.	PUNCT
+
+Which	PRON
+do	AUX
+you	PRON
+prefer	VERB
+?	PUNCT
+
+Kay	PROPN
+
+Are	AUX
+you	PRON
+in	ADP
+the	DET
+office	NOUN
+to	PART
+initial	VERB
+signature	NOUN
+pages	NOUN
+today	NOUN
+?	PUNCT
+
+If	SCONJ
+not	PART
+,	PUNCT
+is	VERB
+there	PRON
+someone	PRON
+else	ADJ
+that	PRON
+will	AUX
+?	PUNCT
+
+I	PRON
+know	VERB
+that	SCONJ
+Jeff	PROPN
+is	AUX
+in	ADP
+Portland	PROPN
+.	PUNCT
+
+Gregg	PROPN
+
+Kay	PROPN
+Mann	PROPN
+
+10/26/2000	NUM
+11:07	NUM
+AM	NOUN
+
+If	SCONJ
+Jeff	PROPN
+is	AUX
+happy	ADJ
+,	PUNCT
+I	PRON
+'m	AUX
+happy	ADJ
+.	PUNCT
+
+Kay	PROPN
+
+Hello	INTJ
+-	PUNCT
+
+I	PRON
+spoke	VERB
+with	ADP
+Jeff	PROPN
+Hodge	PROPN
+yesterday	NOUN
+regarding	VERB
+the	DET
+additional	ADJ
+language	NOUN
+from	ADP
+Peoples	NOUN
+regarding	VERB
+Audit	NOUN
+Rights	NOUN
+.	PUNCT
+
+His	PRON
+initial	ADJ
+reaction	NOUN
+was	VERB
+that	SCONJ
+their	PRON
+request	NOUN
+was	AUX
+probably	ADV
+reasonable	ADJ
+and	CCONJ
+in	ADP
+line	NOUN
+with	ADP
+the	DET
+spirit	NOUN
+of	ADP
+a	DET
+jointly	ADV
+owned	VERB
+L.L.C	NOUN
+.	PUNCT
+
+However	ADV
+,	PUNCT
+he	PRON
+did	AUX
+suggest	VERB
+a	DET
+couple	NOUN
+slight	ADJ
+revisions	NOUN
+to	PART
+protect	VERB
+Enron	PROPN
+'s	PART
+interests	NOUN
+.	PUNCT
+
+1	X
+)	PUNCT
+Highlighting	VERB
+that	SCONJ
+information	NOUN
+will	AUX
+only	ADV
+be	AUX
+provided	VERB
+that	PRON
+is	AUX
+related	ADJ
+to	ADP
+enovate	NOUN
+and	CCONJ
+2	X
+)	PUNCT
+that	SCONJ
+each	DET
+designated	VERB
+representative	NOUN
+should	AUX
+sign	VERB
+an	DET
+appropriate	ADJ
+confidentiality	NOUN
+agreement	NOUN
+.	PUNCT
+
+This	DET
+language	NOUN
+has	AUX
+been	AUX
+included	VERB
+in	ADP
+the	DET
+attached	VERB
+draft	NOUN
+.	PUNCT
+
+My	PRON
+goal	NOUN
+,	PUNCT
+however	ADV
+optimistic	ADJ
+,	PUNCT
+is	VERB
+to	PART
+execute	VERB
+the	DET
+risk	NOUN
+policy	NOUN
+by	ADP
+the	DET
+end	NOUN
+of	ADP
+today	NOUN
+.	PUNCT
+
+Activity	NOUN
+is	AUX
+picking	VERB
+up	ADP
+dramatically	ADV
+and	CCONJ
+the	DET
+fine	ADJ
+line	NOUN
+is	AUX
+getting	VERB
+further	ADV
+blurred	ADJ
+each	DET
+passing	VERB
+day	NOUN
+.	PUNCT
+
+Therefore	ADV
+,	PUNCT
+I	PRON
+need	VERB
+to	PART
+know	VERB
+ASAP	ADV
+if	SCONJ
+there	PRON
+are	VERB
+any	DET
+problems	NOUN
+with	ADP
+the	DET
+draft	NOUN
+as	SCONJ
+written	VERB
+.	PUNCT
+
+Otherwise	ADV
+,	PUNCT
+I	PRON
+will	AUX
+be	AUX
+sending	VERB
+it	PRON
+to	ADP
+Peoples	NOUN
+as	ADP
+our	PRON
+final	ADJ
+revision	NOUN
+by	ADP
+mid	X
+morning	NOUN
+.	PUNCT
+
+Thanks	NOUN
+for	ADP
+your	PRON
+prompt	ADJ
+attention	NOUN
+to	ADP
+this	PRON
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Gregg	PROPN
+
+Gregg	PROPN
+Penman	PROPN
+
+10/23/2000	NUM
+12:12	NUM
+PM	NOUN
+
+Kay	PROPN
+-	PUNCT
+
+Can	AUX
+you	PRON
+please	INTJ
+review	VERB
+this	DET
+additional	ADJ
+language	NOUN
+to	ADP
+the	DET
+risk	NOUN
+management	NOUN
+policy	NOUN
+(	PUNCT
+or	CCONJ
+circulate	VERB
+to	ADP
+Jeff	PROPN
+Hodge	PROPN
+)	PUNCT
+?	PUNCT
+
+In	ADP
+light	NOUN
+of	ADP
+the	DET
+CA	NOUN
+regarding	VERB
+curves	NOUN
+,	PUNCT
+I	PRON
+am	AUX
+slightly	ADV
+concerned	ADJ
+with	ADP
+a	DET
+blanket	NOUN
+statement	NOUN
+essentially	ADV
+giving	VERB
+Peoples	NOUN
+unlimited	ADJ
+access	NOUN
+to	ADP
+information	NOUN
+.	PUNCT
+
+I	PRON
+know	VERB
+that	SCONJ
+we	PRON
+address	VERB
+audit	NOUN
+rights	NOUN
+in	ADP
+the	DET
+LLC	NOUN
+agreement	NOUN
+so	ADV
+this	PRON
+may	AUX
+not	PART
+matter	VERB
+anyway	ADV
+if	SCONJ
+this	PRON
+is	AUX
+a	DET
+right	NOUN
+they	PRON
+already	ADV
+have	VERB
+.	PUNCT
+
+Let	VERB
+me	PRON
+know	VERB
+what	PRON
+you	PRON
+think	VERB
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Gregg	PROPN
+
+m.nordstrom@pecorp.com	X
+
+10/20/2000	NUM
+11:32	NUM
+AM	NOUN
+
+Attached	VERB
+please	INTJ
+find	VERB
+the	DET
+latest	ADJ
+enovate	NOUN
+risk	NOUN
+policy	NOUN
+.	PUNCT
+
+Our	PRON
+attorneys	NOUN
+and	CCONJ
+internal	ADJ
+audit	NOUN
+area	NOUN
+have	AUX
+made	VERB
+one	NUM
+language	NOUN
+revision	NOUN
+concerning	VERB
+Section	NOUN
+XIII	NUM
+Audit	NOUN
+Rights	NOUN
+.	PUNCT
+
+Mary	PROPN
+
+<<	PUNCT
+MEH-risk	X
+Oct	X
+20	NOUN
+>>	PUNCT
+
+-	PUNCT
+MEH-risk	X
+Oct	X
+20.doc	NOUN
+
+It	PRON
+is	AUX
+less	ADV
+complicated	ADJ
+for	SCONJ
+me	PRON
+to	PART
+initial	VERB
+and	CCONJ
+fax	VERB
+than	SCONJ
+to	PART
+track	VERB
+down	ADP
+someone	PRON
+who	PRON
+does	AUX
+n't	PART
+know	VERB
+anything	PRON
+about	ADP
+it	PRON
+and	CCONJ
+get	VERB
+them	PRON
+to	PART
+initial	VERB
+it	PRON
+.	PUNCT
+
+I	PRON
+can	AUX
+print	VERB
+it	PRON
+here	ADV
+,	PUNCT
+initial	VERB
+it	PRON
+,	PUNCT
+and	CCONJ
+fax	VERB
+it	PRON
+to	SCONJ
+whomever	PRON
+you	PRON
+want	VERB
+.	PUNCT
+
+Plus	CCONJ
+,	PUNCT
+I	PRON
+work	VERB
+with	ADP
+Janet	PROPN
+a	DET
+lot	NOUN
+so	ADV
+she	PRON
+may	AUX
+get	VERB
+some	DET
+comfort	NOUN
+from	ADP
+that	PRON
+,	PUNCT
+instead	ADV
+of	SCONJ
+having	VERB
+a	DET
+lawyer	NOUN
+she	PRON
+has	AUX
+n't	PART
+dealt	VERB
+with	ADP
+initial	VERB
+it	PRON
+.	PUNCT
+
+She	PRON
+is	AUX
+very	ADV
+conscientious	ADJ
+about	ADP
+what	PRON
+she	PRON
+signs	VERB
+,	PUNCT
+and	CCONJ
+who	PRON
+initials	VERB
+what	PRON
+.	PUNCT
+
+Is	AUX
+the	DET
+attached	VERB
+form	NOUN
+the	DET
+final	ADJ
+final	ADJ
+form	NOUN
+?	PUNCT
+
+Where	ADV
+and	CCONJ
+to	ADP
+whom	PRON
+do	AUX
+you	PRON
+want	VERB
+it	PRON
+faxed	VERB
+?	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Kay	PROPN
+
+Since	SCONJ
+it	PRON
+will	AUX
+be	AUX
+Janet	PROPN
+signing	VERB
+,	PUNCT
+it	PRON
+will	AUX
+probably	ADV
+be	AUX
+better	ADJ
+to	PART
+have	VERB
+the	DET
+initials	NOUN
+on	ADP
+the	DET
+pages	NOUN
+first	ADV
+.	PUNCT
+
+Either	CCONJ
+fax	NOUN
+or	CCONJ
+someone	PRON
+else	ADJ
+works	VERB
+fine	ADV
+.	PUNCT
+
+Let	VERB
+me	PRON
+know	VERB
+which	PRON
+is	AUX
+easier	ADJ
+and	CCONJ
+we	PRON
+can	AUX
+coordinate	VERB
+.	PUNCT
+
+Gregg	PROPN
+
+Kay	PROPN
+Mann	PROPN
+
+10/26/2000	NUM
+11:26	NUM
+AM	NOUN
+
+I	PRON
+'m	AUX
+still	ADV
+at	ADP
+home	NOUN
+.	PUNCT
+
+I	PRON
+'ll	AUX
+be	AUX
+in	ADV
+tomorrow	NOUN
+.	PUNCT
+
+I	PRON
+have	VERB
+a	DET
+fax	NOUN
+machine	NOUN
+at	ADP
+home	NOUN
+,	PUNCT
+though	ADV
+,	PUNCT
+if	SCONJ
+you	PRON
+prefer	VERB
+.	PUNCT
+
+Otherwise	ADV
+,	PUNCT
+we	PRON
+can	AUX
+see	VERB
+who	PRON
+we	PRON
+can	AUX
+scare	VERB
+up	ADP
+at	ADP
+the	DET
+office	NOUN
+,	PUNCT
+or	CCONJ
+you	PRON
+can	AUX
+have	VERB
+Laura	PROPN
+sign	VERB
+and	CCONJ
+I	PRON
+'ll	AUX
+initial	VERB
+later	ADV
+.	PUNCT
+
+Which	PRON
+do	AUX
+you	PRON
+prefer	VERB
+?	PUNCT
+
+Kay	PROPN
+
+Are	AUX
+you	PRON
+in	ADP
+the	DET
+office	NOUN
+to	PART
+initial	VERB
+signature	NOUN
+pages	NOUN
+today	NOUN
+?	PUNCT
+
+If	SCONJ
+not	PART
+,	PUNCT
+is	VERB
+there	PRON
+someone	PRON
+else	ADJ
+that	PRON
+will	AUX
+?	PUNCT
+
+I	PRON
+know	VERB
+that	SCONJ
+Jeff	PROPN
+is	AUX
+in	ADP
+Portland	PROPN
+.	PUNCT
+
+Gregg	PROPN
+
+Kay	PROPN
+Mann	PROPN
+
+10/26/2000	NUM
+11:07	NUM
+AM	NOUN
+
+If	SCONJ
+Jeff	PROPN
+is	AUX
+happy	ADJ
+,	PUNCT
+I	PRON
+'m	AUX
+happy	ADJ
+.	PUNCT
+
+Kay	PROPN
+
+Hello	INTJ
+-	PUNCT
+
+I	PRON
+spoke	VERB
+with	ADP
+Jeff	PROPN
+Hodge	PROPN
+yesterday	NOUN
+regarding	VERB
+the	DET
+additional	ADJ
+language	NOUN
+from	ADP
+Peoples	NOUN
+regarding	VERB
+Audit	NOUN
+Rights	NOUN
+.	PUNCT
+
+His	PRON
+initial	ADJ
+reaction	NOUN
+was	VERB
+that	SCONJ
+their	PRON
+request	NOUN
+was	AUX
+probably	ADV
+reasonable	ADJ
+and	CCONJ
+in	ADP
+line	NOUN
+with	ADP
+the	DET
+spirit	NOUN
+of	ADP
+a	DET
+jointly	ADV
+owned	VERB
+L.L.C	NOUN
+.	PUNCT
+
+However	ADV
+,	PUNCT
+he	PRON
+did	AUX
+suggest	VERB
+a	DET
+couple	NOUN
+slight	ADJ
+revisions	NOUN
+to	PART
+protect	VERB
+Enron	PROPN
+'s	PART
+interests	NOUN
+.	PUNCT
+
+1	X
+)	PUNCT
+Highlighting	VERB
+that	SCONJ
+information	NOUN
+will	AUX
+only	ADV
+be	AUX
+provided	VERB
+that	PRON
+is	AUX
+related	ADJ
+to	ADP
+enovate	NOUN
+and	CCONJ
+2	X
+)	PUNCT
+that	SCONJ
+each	DET
+designated	VERB
+representative	NOUN
+should	AUX
+sign	VERB
+an	DET
+appropriate	ADJ
+confidentiality	NOUN
+agreement	NOUN
+.	PUNCT
+
+This	DET
+language	NOUN
+has	AUX
+been	AUX
+included	VERB
+in	ADP
+the	DET
+attached	VERB
+draft	NOUN
+.	PUNCT
+
+My	PRON
+goal	NOUN
+,	PUNCT
+however	ADV
+optimistic	ADJ
+,	PUNCT
+is	VERB
+to	PART
+execute	VERB
+the	DET
+risk	NOUN
+policy	NOUN
+by	ADP
+the	DET
+end	NOUN
+of	ADP
+today	NOUN
+.	PUNCT
+
+Activity	NOUN
+is	AUX
+picking	VERB
+up	ADP
+dramatically	ADV
+and	CCONJ
+the	DET
+fine	ADJ
+line	NOUN
+is	AUX
+getting	VERB
+further	ADV
+blurred	ADJ
+each	DET
+passing	VERB
+day	NOUN
+.	PUNCT
+
+Therefore	ADV
+,	PUNCT
+I	PRON
+need	VERB
+to	PART
+know	VERB
+ASAP	ADV
+if	SCONJ
+there	PRON
+are	VERB
+any	DET
+problems	NOUN
+with	ADP
+the	DET
+draft	NOUN
+as	SCONJ
+written	VERB
+.	PUNCT
+
+Otherwise	ADV
+,	PUNCT
+I	PRON
+will	AUX
+be	AUX
+sending	VERB
+it	PRON
+to	ADP
+Peoples	NOUN
+as	ADP
+our	PRON
+final	ADJ
+revision	NOUN
+by	ADP
+mid	X
+morning	NOUN
+.	PUNCT
+
+Thanks	NOUN
+for	ADP
+your	PRON
+prompt	ADJ
+attention	NOUN
+to	ADP
+this	PRON
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Gregg	PROPN
+
+Gregg	PROPN
+Penman	PROPN
+
+10/23/2000	NUM
+12:12	NUM
+PM	NOUN
+
+Kay	PROPN
+-	PUNCT
+
+Can	AUX
+you	PRON
+please	INTJ
+review	VERB
+this	DET
+additional	ADJ
+language	NOUN
+to	ADP
+the	DET
+risk	NOUN
+management	NOUN
+policy	NOUN
+(	PUNCT
+or	CCONJ
+circulate	VERB
+to	ADP
+Jeff	PROPN
+Hodge	PROPN
+)	PUNCT
+?	PUNCT
+
+In	ADP
+light	NOUN
+of	ADP
+the	DET
+CA	NOUN
+regarding	VERB
+curves	NOUN
+,	PUNCT
+I	PRON
+am	AUX
+slightly	ADV
+concerned	ADJ
+with	ADP
+a	DET
+blanket	NOUN
+statement	NOUN
+essentially	ADV
+giving	VERB
+Peoples	NOUN
+unlimited	ADJ
+access	NOUN
+to	ADP
+information	NOUN
+.	PUNCT
+
+I	PRON
+know	VERB
+that	SCONJ
+we	PRON
+address	VERB
+audit	NOUN
+rights	NOUN
+in	ADP
+the	DET
+LLC	NOUN
+agreement	NOUN
+so	ADV
+this	PRON
+may	AUX
+not	PART
+matter	VERB
+anyway	ADV
+if	SCONJ
+this	PRON
+is	AUX
+a	DET
+right	NOUN
+they	PRON
+already	ADV
+have	VERB
+.	PUNCT
+
+Let	VERB
+me	PRON
+know	VERB
+what	PRON
+you	PRON
+think	VERB
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Gregg	PROPN
+
+m.nordstrom@pecorp.com	X
+
+10/20/2000	NUM
+11:32	NUM
+AM	NOUN
+
+Attached	VERB
+please	INTJ
+find	VERB
+the	DET
+latest	ADJ
+enovate	NOUN
+risk	NOUN
+policy	NOUN
+.	PUNCT
+
+Our	PRON
+attorneys	NOUN
+and	CCONJ
+internal	ADJ
+audit	NOUN
+area	NOUN
+have	AUX
+made	VERB
+one	NUM
+language	NOUN
+revision	NOUN
+concerning	VERB
+Section	NOUN
+XIII	NUM
+Audit	NOUN
+Rights	NOUN
+.	PUNCT
+
+Mary	PROPN
+
+<<	PUNCT
+MEH-risk	X
+Oct	X
+20	NOUN
+>>	PUNCT
+
+-	PUNCT
+MEH-risk	X
+Oct	X
+20.doc	NOUN
+
+I	PRON
+'m	AUX
+working	VERB
+on	ADP
+it	PRON
+now	ADV
+.	PUNCT
+
+Maybe	ADV
+we	PRON
+(	PUNCT
+Enron	PROPN
+)	PUNCT
+could	AUX
+review	VERB
+it	PRON
+tomorrow	NOUN
+morning	NOUN
+,	PUNCT
+then	ADV
+send	VERB
+it	PRON
+to	ADP
+FCE	PROPN
+.	PUNCT
+
+I	PRON
+can	AUX
+meet	VERB
+around	ADV
+10:00	NUM
+.	PUNCT
+
+That	DET
+way	NOUN
+,	PUNCT
+we	PRON
+can	AUX
+get	VERB
+it	PRON
+to	ADP
+them	PRON
+in	ADP
+time	NOUN
+for	ADP
+weekend	NOUN
+review	NOUN
+.	PUNCT
+
+Does	AUX
+that	PRON
+work	VERB
+?	PUNCT
+
+Kay	PROPN
+
+It	PRON
+was	AUX
+good	ADJ
+to	PART
+hear	VERB
+from	ADP
+you	PRON
+!	PUNCT
+
+We	PRON
+had	VERB
+a	DET
+nice	ADJ
+Thanksgiving	PROPN
+here	ADV
+too	ADV
+.	PUNCT
+
+It	PRON
+'s	AUX
+funny	ADJ
+,	PUNCT
+because	SCONJ
+usually	ADV
+it	PRON
+'s	AUX
+just	ADV
+me	PRON
+,	PUNCT
+Mom	NOUN
+,	PUNCT
+Craig	PROPN
+and	CCONJ
+Danelia	PROPN
+,	PUNCT
+and	CCONJ
+Danelia	PROPN
+does	AUX
+n't	PART
+really	ADV
+like	VERB
+roasted	VERB
+turkey	NOUN
+or	CCONJ
+roast	ADJ
+beef	NOUN
+(	PUNCT
+not	PART
+that	SCONJ
+she	PRON
+would	AUX
+say	VERB
+it	PRON
+to	ADP
+me	PRON
+!	PUNCT
+)	PUNCT
+,	PUNCT
+so	ADV
+there	PRON
+is	VERB
+not	PART
+just	ADV
+the	DET
+same	ADJ
+joy	NOUN
+in	ADP
+cooking	NOUN
+it	PRON
+would	AUX
+be	AUX
+elsewise	ADV
+.	PUNCT
+
+It	PRON
+was	AUX
+good	ADJ
+having	VERB
+the	DET
+girls	NOUN
+down	ADV
+.	PUNCT
+
+We	PRON
+played	VERB
+a	DET
+new	ADJ
+version	NOUN
+of	ADP
+Uno	PROPN
+called	VERB
+"	PUNCT
+African	ADJ
+Uno	PROPN
+"	PUNCT
+that	PRON
+was	AUX
+complex	ADJ
+,	PUNCT
+fast	ADJ
+and	CCONJ
+at	ADP
+times	NOUN
+,	PUNCT
+physically	ADV
+challenging	ADJ
+.	PUNCT
+
+It	PRON
+'s	AUX
+not	PART
+for	ADP
+the	DET
+meek	ADJ
+.	PUNCT
+
+It	PRON
+was	AUX
+incredible	ADJ
+what	DET
+a	DET
+good	ADJ
+player	NOUN
+Alena	PROPN
+was	AUX
+.	PUNCT
+
+She	PRON
+had	VERB
+her	PRON
+cards	NOUN
+memorized	VERB
+as	ADV
+well	ADV
+as	ADP
+everyone	PRON
+else	ADJ
+s	PART
+(	PUNCT
+when	ADV
+you	PRON
+play	VERB
+you	PRON
+'ll	AUX
+see	VERB
+why	ADV
+you	PRON
+can	AUX
+know	VERB
+everyone	PRON
+else	ADJ
+s	PART
+hands	NOUN
+!	PUNCT
+)	PUNCT
+.	PUNCT
+
+I	PRON
+expect	VERB
+Craig	PROPN
+did	AUX
+n't	PART
+want	VERB
+Mom	NOUN
+to	PART
+see	VERB
+his	PRON
+place	NOUN
+because	SCONJ
+it	PRON
+was	AUX
+messy	ADJ
+.	PUNCT
+
+I	PRON
+think	VERB
+compared	VERB
+to	ADP
+my	PRON
+house	NOUN
+,	PUNCT
+he	PRON
+'s	AUX
+embarrased	ADJ
+about	ADP
+his	PRON
+apartment	NOUN
+.	PUNCT
+
+Then	ADV
+,	PUNCT
+also	ADV
+,	PUNCT
+he	PRON
+'s	AUX
+got	VERB
+so	ADV
+much	ADJ
+stuff	NOUN
+in	ADP
+there	ADV
+right	ADV
+now	ADV
+,	PUNCT
+that	SCONJ
+I	PRON
+do	AUX
+n't	PART
+know	VERB
+how	ADV
+he	PRON
+'s	AUX
+going	VERB
+to	PART
+fit	VERB
+baby	NOUN
+stuff	NOUN
+.	PUNCT
+
+They	PRON
+would	AUX
+only	ADV
+give	VERB
+him	PRON
+a	DET
+6	NUM
+month	NOUN
+lease	NOUN
+when	ADV
+he	PRON
+renewed	VERB
+his	PRON
+lease	NOUN
+last	ADJ
+month	NOUN
+because	SCONJ
+they	PRON
+do	AUX
+n't	PART
+want	VERB
+3	NUM
+people	NOUN
+in	ADP
+that	DET
+small	ADJ
+apartment	NOUN
+.	PUNCT
+
+So	ADV
+he	PRON
+'s	AUX
+going	VERB
+to	PART
+have	VERB
+to	PART
+start	VERB
+looking	VERB
+for	ADP
+another	DET
+place	NOUN
+.	PUNCT
+
+And	CCONJ
+his	PRON
+apartment	NOUN
+is	AUX
+so	ADV
+run	ADJ
+down	ADP
+down	ADP
+I	PRON
+'m	AUX
+afraid	ADJ
+roaches	NOUN
+might	AUX
+be	AUX
+crawling	VERB
+over	ADP
+the	DET
+baby	NOUN
+.	PUNCT
+
+I	PRON
+guess	VERB
+Mom	NOUN
+is	AUX
+going	VERB
+to	PART
+come	VERB
+back	ADV
+down	ADV
+sometime	ADV
+in	ADP
+March	PROPN
+or	CCONJ
+April	PROPN
+to	PART
+see	VERB
+the	DET
+new	ADJ
+baby	NOUN
+.	PUNCT
+
+You	PRON
+'ll	AUX
+have	VERB
+to	PART
+come	VERB
+visit	VERB
+to	PART
+check	VERB
+out	ADP
+my	PRON
+new	ADJ
+house	NOUN
+.	PUNCT
+
+The	DET
+upstairs	ADJ
+"	PUNCT
+guest	NOUN
+suite	NOUN
+"	PUNCT
+is	AUX
+pretty	ADV
+neat	ADJ
+.	PUNCT
+
+It	PRON
+'s	AUX
+got	VERB
+its	PRON
+own	ADJ
+bathroom	NOUN
+and	CCONJ
+tv	NOUN
+,	PUNCT
+and	CCONJ
+is	AUX
+pretty	ADV
+cozy	ADJ
+.	PUNCT
+
+As	ADV
+far	ADV
+as	SCONJ
+the	DET
+call	NOUN
+with	ADP
+Uncle	NOUN
+Ben	PROPN
+goes	VERB
+,	PUNCT
+if	SCONJ
+he	PRON
+was	AUX
+thrilled	ADJ
+to	PART
+hear	VERB
+from	ADP
+me	PRON
+I	PRON
+could	AUX
+n't	PART
+tell	VERB
+by	ADP
+his	PRON
+voice	NOUN
+.	PUNCT
+
+It	PRON
+was	AUX
+a	DET
+pretty	ADV
+stilted	ADJ
+conversation	NOUN
+for	ADP
+both	DET
+of	ADP
+us	PRON
+.	PUNCT
+
+But	CCONJ
+,	PUNCT
+I	PRON
+guess	VERB
+,	PUNCT
+it	PRON
+'s	AUX
+a	DET
+start	NOUN
+...	PUNCT
+
+I	PRON
+'ve	AUX
+already	ADV
+made	VERB
+my	PRON
+XMAS	PROPN
+plans	NOUN
+.	PUNCT
+
+I	PRON
+leave	VERB
+the	DET
+evening	NOUN
+of	ADP
+the	DET
+21st	NOUN
+,	PUNCT
+my	PRON
+flight	NOUN
+comes	VERB
+in	ADV
+about	ADP
+10	NUM
+pm	NOUN
+,	PUNCT
+and	CCONJ
+leave	VERB
+the	DET
+morning	NOUN
+of	ADP
+the	DET
+27th	NOUN
+at	ADP
+6	NUM
+am	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+good	ADJ
+chatting	VERB
+with	ADP
+you	PRON
+.	PUNCT
+
+Keep	VERB
+in	ADP
+touch	NOUN
+!	PUNCT
+
+Kyle.Jones@radianz.com	X
+
+11/29/2000	NUM
+05:07	NUM
+PM	NOUN
+
+Tana	PROPN
+,	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+understand	VERB
+,	PUNCT
+what	PRON
+do	AUX
+you	PRON
+mean	VERB
+by	SCONJ
+"	PUNCT
+log	VERB
+in	ADP
+an	DET
+email	NOUN
+"	PUNCT
+?	PUNCT
+
+Anyway	ADV
+,	PUNCT
+I	PRON
+got	VERB
+you	PRON
+message	NOUN
+,	PUNCT
+and	CCONJ
+I	PRON
+got	VERB
+the	DET
+World	PROPN
+Series	PROPN
+thing	NOUN
+(	PUNCT
+although	SCONJ
+I	PRON
+had	AUX
+already	ADV
+received	VERB
+
+Chris	PROPN
+and	CCONJ
+Ben	PROPN
+did	VERB
+a	DET
+marvelous	ADJ
+job	NOUN
+for	ADP
+Thanksgiving	PROPN
+,	PUNCT
+I	PRON
+can	AUX
+testify	VERB
+that	SCONJ
+it	PRON
+was	AUX
+one	NUM
+of	ADP
+the	DET
+best	ADJ
+Thanksgiv8ing	PROPN
+Dinners	NOUN
+I	PRON
+'ve	AUX
+ever	ADV
+had	VERB
+(	PUNCT
+I	PRON
+not	ADV
+gon	VERB
+na	PART
+tell	VERB
+them	PRON
+that	PRON
+,	PUNCT
+I	PRON
+do	AUX
+n't	PART
+want	VERB
+them	PRON
+getting	VERB
+swell	ADJ
+heads	NOUN
+)	PUNCT
+.	PUNCT
+
+Ma	NOUN
+said	VERB
+she	PRON
+had	VERB
+a	DET
+great	ADJ
+time	NOUN
+in	ADP
+Houston	PROPN
+,	PUNCT
+She	PRON
+was	AUX
+happy	ADJ
+to	PART
+see	VERB
+yourself	PRON
+,	PUNCT
+as	ADV
+well	ADV
+as	ADP
+C	PROPN
+&	CCONJ
+D	PROPN
+.	PUNCT
+
+I	PRON
+think	VERB
+she	PRON
+likes	VERB
+her	PRON
+special	ADJ
+room	NOUN
+in	ADP
+your	PRON
+house	NOUN
+.	PUNCT
+
+You	PRON
+r	AUX
+gon	VERB
+na	PART
+be	AUX
+the	DET
+first	ADJ
+to	PART
+see	VERB
+the	DET
+new	ADJ
+baby	NOUN
+(	PUNCT
+woud	AUX
+n't	PART
+it	PRON
+be	AUX
+wierd	ADJ
+if	SCONJ
+the	DET
+baby	NOUN
+gets	AUX
+botn	VERB
+on	ADP
+Jan	PROPN
+5th	NOUN
+?	PUNCT
+)	PUNCT
+
+Why	ADV
+did	AUX
+n't	PART
+Craig	PROPN
+show	VERB
+Ma	NOUN
+his	PRON
+appartment	NOUN
+?	PUNCT
+
+What	PRON
+do	AUX
+you	PRON
+think	VERB
+about	ADP
+your	PRON
+phone	NOUN
+ocnversation	NOUN
+with	ADP
+Unlce	NOUN
+Ben	PROPN
+(	PUNCT
+he	PRON
+was	AUX
+almost	ADV
+shocked	ADJ
+)	PUNCT
+?	PUNCT
+
+Are	AUX
+you	PRON
+coming	VERB
+for	ADP
+Xmas	PROPN
+?	PUNCT
+
+Got	VERB
+ta	PART
+go	VERB
+for	ADP
+now	ADV
+.	PUNCT
+
+Love	VERB
+ya	PRON
+.	PUNCT
+
+Kyle	PROPN
+
+====================================================	SYM
+
+(	PUNCT
+Harrison	PROPN
+)	PUNCT
+Kyle	PROPN
+Jones	PROPN
+Technical	ADJ
+Solutions	NOUN
+Engineer	NOUN
+
+====================================================	SYM
+
+Radianz	PROPN
+1251	NUM
+Avenue	PROPN
+of	ADP
+the	DET
+Americas	PROPN
+7th	ADJ
+Floor	NOUN
+New	PROPN
+York	PROPN
+,	PUNCT
+NY	PROPN
+10016	NUM
+USA	PROPN
+Phone	NOUN
+:	PUNCT
++1	NUM
+(	PUNCT
+212	NUM
+)	PUNCT
+899-4425	NUM
+Fax	NOUN
+:	PUNCT
++1	NUM
+(	PUNCT
+212	NUM
+)	PUNCT
+899-4310	NUM
+Cell	NOUN
+:	PUNCT
++1	NUM
+(	PUNCT
+917	NUM
+)	PUNCT
+859-7187	NUM
+Email	NOUN
+:	PUNCT
+kyle.jones@radianz.com	X
+
+====================================================	SYM
+
+See	VERB
+our	PRON
+web	NOUN
+page	NOUN
+at	ADP
+"	PUNCT
+http://www.radianz.com	X
+
+====================================================	SYM
+
+|--------+----------------------->	SYM
+|	SYM
+|	SYM
+Tana.Jones@en	X
+|	SYM
+|	SYM
+|	SYM
+ron.com	X
+|	SYM
+|	SYM
+|	SYM
+|	SYM
+|	SYM
+|	SYM
+11/29/2000	NUM
+|	SYM
+|	SYM
+|	SYM
+04:34	NUM
+PM	NOUN
+|	SYM
+|	SYM
+|	SYM
+|	SYM
+|--------+----------------------->	SYM
+
+>----------------------------------------------------------------------------|	SYM
+|	SYM
+|	SYM
+>----------------------------------------------------------------------------|	SYM
+
+Hey	INTJ
+,	PUNCT
+Mr.	PROPN
+Computer	PROPN
+,	PUNCT
+you	PRON
+ca	AUX
+n't	PART
+log	VERB
+an	DET
+email	NOUN
+in	ADP
+to	ADP
+your	PRON
+sister	NOUN
+?!	PUNCT
+
+Kyle.Jones@ra	X
+
+Return	NOUN
+Receipt	NOUN
+
+Your	PRON
+World	PROPN
+Series	PROPN
+in	ADP
+Question	NOUN
+document	NOUN
+:	PUNCT
+was	AUX
+received	VERB
+Kyle	PROPN
+Jones	PROPN
+/	PUNCT
+US	PROPN
+/	PUNCT
+AMERICAS	PROPN
+/	PUNCT
+Equant	PROPN
+by	ADP
+:	PUNCT
+at	ADP
+:	PUNCT
+01:00:51	NUM
+PM	NOUN
+Today	NOUN
+
+You	PRON
+can	AUX
+take	VERB
+my	PRON
+assistant	NOUN
+Taffy	PROPN
+Milligan	PROPN
+off	ADP
+these	DET
+emails	NOUN
+again	ADV
+.	PUNCT
+
+Thanks	NOUN
+!	PUNCT
+
+Adnan	X
+Patel@ENRON	X
+
+11/29/2000	NUM
+04:49	NUM
+PM	NOUN
+
+Attached	VERB
+are	AUX
+the	DET
+GCP	NOUN
+Signoffs	NOUN
+on	ADP
+EOL	NOUN
+Approvals	NOUN
+for	ADP
+11/29/00	NUM
+with	SCONJ
+GCP	NOUN
+responses	NOUN
+marked	VERB
+in	ADP
+Red	NOUN
+.	PUNCT
+
+Adnan	PROPN
+Patel	PROPN
+
+Bradley	X
+Diebner@ECT	X
+
+11/29/2000	NUM
+04:31	NUM
+PM	NOUN
+
+Regards	NOUN
+,	PUNCT
+
+bd	PROPN
+
+Attached	VERB
+is	AUX
+the	DET
+referenced	VERB
+agreement	NOUN
+.	PUNCT
+
+Let	VERB
+me	PRON
+know	VERB
+if	SCONJ
+the	DET
+notice	NOUN
+information	NOUN
+is	AUX
+OK	ADJ
+with	ADP
+you	PRON
+.	PUNCT
+
+If	SCONJ
+so	ADV
+,	PUNCT
+I	PRON
+'ll	AUX
+get	VERB
+it	PRON
+signed	VERB
+by	ADP
+Craig	PROPN
+Breslau	PROPN
+today	NOUN
+,	PUNCT
+then	ADV
+bring	VERB
+it	PRON
+to	ADP
+you	PRON
+for	ADP
+countersignature	NOUN
+.	PUNCT
+
+Thinking	VERB
+about	ADP
+that	PRON
+,	PUNCT
+what	PRON
+'s	AUX
+your	PRON
+title	NOUN
+?	PUNCT
+
+I	PRON
+'m	AUX
+not	PART
+sure	ADJ
+you	PRON
+have	VERB
+the	DET
+authority	NOUN
+to	PART
+sign	VERB
+documents	NOUN
+w/o	ADP
+special	ADJ
+authority	NOUN
+...	PUNCT
+
+No	INTJ
+,	PUNCT
+it	PRON
+does	AUX
+not	PART
+mean	VERB
+that	PRON
+.	PUNCT
+
+Adding	VERB
+all	DET
+the	DET
+Enron	PROPN
+"	PUNCT
+Specified	VERB
+Entities	NOUN
+"	PUNCT
+would	AUX
+only	ADV
+make	VERB
+a	DET
+default	NOUN
+under	ADP
+a	DET
+financial	ADJ
+transaction	NOUN
+with	ADP
+those	DET
+other	ADJ
+Enron	PROPN
+entities	NOUN
+a	DET
+default	NOUN
+under	ADP
+this	DET
+agreement	NOUN
+.	PUNCT
+
+Our	PRON
+concern	NOUN
+is	VERB
+that	SCONJ
+we	PRON
+do	AUX
+n't	PART
+want	VERB
+any	DET
+trading	NOUN
+related	ADJ
+defaults	NOUN
+to	PART
+ever	ADV
+trigger	VERB
+a	DET
+default	NOUN
+under	ADP
+a	DET
+loan	NOUN
+transaction	NOUN
+which	PRON
+has	VERB
+a	DET
+swap	NOUN
+as	ADP
+a	DET
+component	NOUN
+.	PUNCT
+
+Richard	PROPN
+Sage	PROPN
+
+11/30/2000	NUM
+10:52	NUM
+AM	NOUN
+
+If	SCONJ
+you	PRON
+do	AUX
+add	VERB
+all	DET
+the	DET
+entities	NOUN
+,	PUNCT
+does	AUX
+that	PRON
+mean	VERB
+that	SCONJ
+we	PRON
+would	AUX
+not	PART
+need	VERB
+to	PART
+put	VERB
+in	ADP
+place	NOUN
+a	DET
+separate	ADJ
+agreement	NOUN
+for	ADP
+ECCL	PROPN
+?	PUNCT
+
+With	ADP
+respect	NOUN
+to	ADP
+Deutsche	PROPN
+Bank	PROPN
+(	PUNCT
+""	PUNCT
+DB	PROPN
+"	PUNCT
+)	PUNCT
+,	PUNCT
+we	PRON
+have	VERB
+one	NUM
+credit	NOUN
+issue	NOUN
+remaining	VERB
+,	PUNCT
+DB	PROPN
+would	AUX
+like	VERB
+us	PRON
+to	PART
+add	VERB
+all	DET
+the	DET
+Enron	PROPN
+trading	NOUN
+entities	NOUN
+DB	PROPN
+trades	VERB
+with	ADP
+as	ADP
+Specified	VERB
+Entities	NOUN
+under	ADP
+the	DET
+ISDA	NOUN
+Master	NOUN
+Agreement	NOUN
+and	CCONJ
+we	PRON
+are	AUX
+somewhat	ADV
+hesitant	ADJ
+to	PART
+do	VERB
+so	ADV
+,	PUNCT
+as	SCONJ
+this	PRON
+could	AUX
+potentially	ADV
+roll	VERB
+up	ADP
+swaps	NOUN
+under	ADP
+structured	VERB
+loan	NOUN
+transactions	NOUN
+into	ADP
+a	DET
+default	NOUN
+under	ADP
+the	DET
+ISDA	NOUN
+Agreement	NOUN
+.	PUNCT
+
+Sara	PROPN
+and	CCONJ
+Bill	PROPN
+Bradford	PROPN
+in	ADP
+Credit	NOUN
+are	AUX
+supposed	VERB
+to	PART
+talk	VERB
+to	ADP
+the	DET
+DB	PROPN
+Credit	NOUN
+people	NOUN
+about	ADP
+this	DET
+remaining	VERB
+issue	NOUN
+.	PUNCT
+
+With	ADP
+respect	NOUN
+to	ADP
+First	PROPN
+Union	PROPN
+National	PROPN
+Bank	PROPN
+,	PUNCT
+the	DET
+draft	NOUN
+we	PRON
+were	AUX
+working	VERB
+from	ADP
+was	AUX
+so	ADV
+old	ADJ
+that	SCONJ
+they	PRON
+agreed	VERB
+to	PART
+look	VERB
+at	ADP
+our	PRON
+current	ADJ
+form	NOUN
+of	ADP
+agreement	NOUN
+which	PRON
+was	AUX
+sent	VERB
+to	ADP
+them	PRON
+on	ADP
+11/8/00	NUM
+for	ADP
+review	NOUN
+.	PUNCT
+
+Sara	PROPN
+is	AUX
+working	VERB
+on	ADP
+that	PRON
+with	ADP
+Susan	PROPN
+Bailey	PROPN
+,	PUNCT
+another	DET
+paralegal	NOUN
+in	ADP
+our	PRON
+Group	NOUN
+.	PUNCT
+
+Denis	PROPN
+O'Connell	PROPN
+
+11/22/2000	NUM
+06:05	NUM
+AM	NOUN
+
+Tana	PROPN
+-	PUNCT
+
+can	AUX
+you	PRON
+please	INTJ
+give	VERB
+me	PRON
+an	DET
+update	NOUN
+on	SCONJ
+where	ADV
+you	PRON
+are	AUX
+in	ADP
+the	DET
+negotiations	NOUN
+of	ADP
+the	DET
+ISDA	NOUN
+with	ADP
+the	DET
+following	VERB
+counterparties	NOUN
+and	CCONJ
+confirm	VERB
+which	DET
+Enron	PROPN
+entity	NOUN
+you	PRON
+are	AUX
+negotiating	VERB
+on	ADP
+behalf	NOUN
+of	ADP
+.	PUNCT
+
+Tks	NOUN
+,	PUNCT
+
+Denis	PROPN
+
+First	PROPN
+Union	PROPN
+National	PROPN
+Bank	PROPN
+
+Deutsched	PROPN
+Bank	PROPN
+AG	PROPN
+
+I	PRON
+spoke	VERB
+to	ADP
+Mark	PROPN
+Taylor	PROPN
+about	ADP
+your	PRON
+signing	NOUN
+authority	NOUN
+,	PUNCT
+and	CCONJ
+he	PRON
+agrees	VERB
+that	SCONJ
+you	PRON
+do	AUX
+not	PART
+have	VERB
+the	DET
+authority	NOUN
+to	PART
+execute	VERB
+documents	NOUN
+on	ADP
+your	PRON
+own	ADJ
+,	PUNCT
+but	CCONJ
+as	ADV
+long	ADV
+as	SCONJ
+you	PRON
+are	AUX
+only	ADV
+co-signing	VERB
+documents	NOUN
+signed	VERB
+by	ADP
+an	DET
+authorized	VERB
+officer	NOUN
+as	ADP
+a	DET
+control	NOUN
+measure	NOUN
+we	PRON
+'re	AUX
+OK	ADJ
+.	PUNCT
+
+Susan	PROPN
+,	PUNCT
+Joe	PROPN
+,	PUNCT
+
+The	DET
+referenced	VERB
+TAGG	NOUN
+#	NOUN
+was	AUX
+entered	VERB
+as	ADP
+a	DET
+'	PUNCT
+New	ADJ
+Counterparty	NOUN
+'	PUNCT
+,	PUNCT
+can	AUX
+you	PRON
+please	INTJ
+let	VERB
+me	PRON
+know	VERB
+what	DET
+counterparty	NOUN
+this	PRON
+is	AUX
+so	SCONJ
+we	PRON
+can	AUX
+correctly	ADV
+assess	VERB
+the	DET
+counterparty	NOUN
+exposure	NOUN
+.	PUNCT
+
+Thank	VERB
+you	PRON
+,	PUNCT
+
+Russell	PROPN
+
+Hey	INTJ
+there	ADV
+yourself	PRON
+,	PUNCT
+
+Sorry	ADJ
+I	PRON
+have	AUX
+n't	PART
+written	VERB
+you	PRON
+guys	NOUN
+in	ADP
+a	DET
+while	NOUN
+to	PART
+keep	VERB
+you	PRON
+properly	ADV
+updated	VERB
+.	PUNCT
+
+I	PRON
+am	AUX
+indeed	ADV
+checking	VERB
+on	ADP
+flights	NOUN
+to	ADP
+Seoul	PROPN
+and	CCONJ
+do	AUX
+n't	PART
+think	VERB
+I	PRON
+'m	AUX
+going	VERB
+to	PART
+go	VERB
+at	ADP
+exactly	ADV
+the	DET
+same	ADJ
+time	NOUN
+as	ADP
+my	PRON
+parents	NOUN
+.	PUNCT
+
+As	ADV
+much	ADJ
+fun	NOUN
+as	SCONJ
+they	PRON
+are	VERB
+,	PUNCT
+I	PRON
+figured	VERB
+we	PRON
+would	AUX
+probably	ADV
+do	VERB
+some	DET
+different	ADJ
+things	NOUN
+than	SCONJ
+what	PRON
+you	PRON
+have	AUX
+planned	VERB
+for	ADP
+them	PRON
+.	PUNCT
+
+As	ADP
+for	ADP
+Ted	PROPN
+,	PUNCT
+things	NOUN
+are	AUX
+still	ADV
+going	VERB
+well	ADV
+although	SCONJ
+I	PRON
+have	AUX
+n't	PART
+see	VERB
+him	PRON
+at	ADV
+all	ADV
+this	DET
+week	NOUN
+(	PUNCT
+we	PRON
+are	AUX
+two	NUM
+very	ADV
+busy	ADJ
+people	NOUN
+)	PUNCT
+.	PUNCT
+
+But	CCONJ
+,	PUNCT
+we	PRON
+had	VERB
+a	DET
+great	ADJ
+laid	ADJ
+back	ADJ
+day	NOUN
+last	ADJ
+Saturday	PROPN
+and	CCONJ
+I	PRON
+think	VERB
+have	AUX
+hit	VERB
+that	DET
+comfortable	ADJ
+stage	NOUN
+...	PUNCT
+you	PRON
+know	VERB
+,	PUNCT
+not	PART
+quite	ADV
+so	ADV
+formal	ADJ
+about	ADP
+dates	NOUN
+etc	X
+.	PUNCT
+
+In	ADP
+one	NUM
+sense	NOUN
+it	PRON
+'s	AUX
+great	ADJ
+,	PUNCT
+but	CCONJ
+it	PRON
+also	ADV
+makes	VERB
+things	NOUN
+a	DET
+lot	NOUN
+harder	ADJ
+to	PART
+read	VERB
+.	PUNCT
+
+Anyway	ADV
+,	PUNCT
+I	PRON
+'m	AUX
+sure	ADJ
+my	PRON
+Mom	NOUN
+told	VERB
+you	PRON
+guys	NOUN
+but	CCONJ
+Travis	PROPN
+and	CCONJ
+Kathy	PROPN
+got	VERB
+to	PART
+meet	VERB
+him	PRON
+and	CCONJ
+I	PRON
+think	VERB
+it	PRON
+went	VERB
+well	ADV
+.	PUNCT
+
+Hopefully	ADV
+,	PUNCT
+if	SCONJ
+we	PRON
+'re	AUX
+still	ADV
+dating	VERB
+come	VERB
+December	PROPN
+,	PUNCT
+you	PRON
+and	CCONJ
+Chuck	PROPN
+can	AUX
+meet	VERB
+him	PRON
+when	ADV
+you	PRON
+come	VERB
+back	ADV
+to	PART
+visit	VERB
+.	PUNCT
+
+I	PRON
+'m	AUX
+planning	VERB
+on	SCONJ
+dragging	VERB
+him	PRON
+to	ADP
+at	ADV
+least	ADV
+one	NUM
+of	ADP
+the	DET
+U.T.	PROPN
+games	NOUN
+,	PUNCT
+I	PRON
+just	ADV
+have	VERB
+to	PART
+find	VERB
+out	ADP
+when	ADV
+he	PRON
+wants	VERB
+to	PART
+go	VERB
+(	PUNCT
+as	ADV
+well	ADV
+as	ADP
+properly	ADV
+prepare	VERB
+him	PRON
+for	ADP
+the	DET
+Scott	PROPN
+/	PUNCT
+Kelley	PROPN
+/	PUNCT
+Parks	PROPN
+/	PUNCT
+Wild	PROPN
+Card	PROPN
+gang	NOUN
+and	CCONJ
+the	DET
+full	ADJ
+-	PUNCT
+day	NOUN
+affair	NOUN
+that	PRON
+is	AUX
+a	DET
+U.T.	PROPN
+game	NOUN
+)	PUNCT
+.	PUNCT
+
+Things	NOUN
+in	ADP
+Houston	PROPN
+are	AUX
+good	ADJ
+and	CCONJ
+definitely	ADV
+warm	ADJ
+.	PUNCT
+
+I	PRON
+went	VERB
+with	ADP
+Emily	PROPN
+and	CCONJ
+her	PRON
+Mom	NOUN
+last	ADJ
+night	NOUN
+to	PART
+see	VERB
+the	DET
+musical	NOUN
+"	PUNCT
+Rent	PROPN
+"	PUNCT
+and	CCONJ
+it	PRON
+was	AUX
+wonderful	ADJ
+.	PUNCT
+
+Also	ADV
+,	PUNCT
+I	PRON
+'m	AUX
+going	VERB
+out	ADV
+to	ADP
+San	PROPN
+Diego	PROPN
+for	ADP
+the	DET
+Labor	PROPN
+Day	PROPN
+weekend	NOUN
+to	PART
+visit	VERB
+Hoot	PROPN
+'s	PART
+daughter	NOUN
+Julie	PROPN
+.	PUNCT
+
+Needless	ADJ
+to	PART
+say	VERB
+I	PRON
+am	AUX
+very	ADV
+excited	ADJ
+.	PUNCT
+
+Talk	VERB
+to	ADP
+you	PRON
+guys	NOUN
+soon	ADV
+,	PUNCT
+
+Susan	PROPN
+
+Hey	INTJ
+girlie	NOUN
+,	PUNCT
+
+How	ADV
+are	AUX
+you	PRON
+doing	VERB
+?	PUNCT
+
+Have	AUX
+n't	PART
+heard	VERB
+from	ADP
+you	PRON
+in	ADP
+a	DET
+while	NOUN
+.	PUNCT
+
+A	DET
+little	ADJ
+birdie	NOUN
+told	VERB
+me	PRON
+that	SCONJ
+you	PRON
+were	AUX
+checking	VERB
+into	ADP
+tickets	NOUN
+for	ADP
+Seoul	PROPN
+.	PUNCT
+
+Are	AUX
+you	PRON
+really	ADV
+?	PUNCT
+
+Would	AUX
+you	PRON
+come	VERB
+with	ADP
+your	PRON
+parents	NOUN
+or	CCONJ
+separately	ADV
+?	PUNCT
+
+In	ADP
+any	DET
+case	NOUN
+,	PUNCT
+we	PRON
+have	AUX
+had	VERB
+some	DET
+more	ADJ
+time	NOUN
+to	PART
+do	VERB
+some	DET
+exploring	NOUN
+(	PUNCT
+and	CCONJ
+shopping	NOUN
+)	PUNCT
+,	PUNCT
+so	ADV
+we	PRON
+have	VERB
+some	DET
+good	ADJ
+ideas	NOUN
+about	SCONJ
+what	PRON
+to	PART
+do	VERB
+if	SCONJ
+you	PRON
+come	VERB
+.	PUNCT
+
+I	PRON
+think	VERB
+that	SCONJ
+we	PRON
+will	AUX
+stay	VERB
+in	ADP
+Korea	PROPN
+when	ADV
+your	PRON
+parents	NOUN
+come	VERB
+and	CCONJ
+do	VERB
+the	DET
+whole	ADJ
+base	NOUN
+thing	NOUN
+(	PUNCT
+which	PRON
+will	AUX
+take	VERB
+only	ADV
+a	DET
+few	ADJ
+minutes	NOUN
+,	PUNCT
+actually	ADV
+)	PUNCT
+,	PUNCT
+but	CCONJ
+are	AUX
+considering	VERB
+going	VERB
+to	ADP
+China	PROPN
+or	CCONJ
+somewhere	ADV
+during	ADP
+part	NOUN
+of	ADP
+Thanksgiving	PROPN
+.	PUNCT
+
+We	PRON
+'ll	AUX
+do	VERB
+whatever	PRON
+you	PRON
+want	VERB
+want	VERB
+if	SCONJ
+you	PRON
+still	ADV
+are	AUX
+coming	VERB
+!	PUNCT
+
+Let	VERB
+us	PRON
+know	VERB
+the	DET
+latest	ADJ
+with	ADP
+Ted	PROPN
+and	CCONJ
+also	ADV
+with	SCONJ
+what	PRON
+'s	AUX
+going	VERB
+on	ADP
+in	ADP
+Houston	PROPN
+.	PUNCT
+
+Take	VERB
+care	NOUN
+,	PUNCT
+
+Chris	PROPN
+
+__________________________________________________	SYM
+
+Do	AUX
+You	PRON
+Yahoo!	VERB
+?	PUNCT
+
+Send	VERB
+instant	ADJ
+messages	NOUN
+&	CCONJ
+get	VERB
+email	NOUN
+alerts	NOUN
+with	ADP
+Yahoo!	PROPN
+Messenger	PROPN
+.	PUNCT
+
+http://im.yahoo.com/	X
+
+Hey	INTJ
+Tonto	PROPN
+(	PUNCT
+a.k.a	ADP
+-	PUNCT
+the	DET
+trusty	ADJ
+,	PUNCT
+but	CCONJ
+silent	ADJ
+,	PUNCT
+side	NOUN
+-	PUNCT
+kick	NOUN
+to	ADP
+the	DET
+Lone	PROPN
+Ranger	PROPN
+or	CCONJ
+in	ADP
+this	DET
+case	NOUN
+the	DET
+Big	PROPN
+D	PROPN
+)	PUNCT
+
+The	DET
+play	NOUN
+was	VERB
+very	ADV
+good	ADJ
+and	CCONJ
+I	PRON
+think	VERB
+well	ADV
+received	VERB
+.	PUNCT
+
+I	PRON
+'d	AUX
+forgotten	VERB
+how	ADV
+blown	VERB
+away	ADV
+I	PRON
+was	AUX
+by	ADP
+some	DET
+of	ADP
+the	DET
+songs	NOUN
+the	DET
+first	ADJ
+time	NOUN
+I	PRON
+saw	VERB
+it	PRON
+in	ADP
+NY	PROPN
+.	PUNCT
+
+The	DET
+cast	NOUN
+members	NOUN
+really	ADV
+have	VERB
+to	PART
+have	VERB
+incredibly	ADV
+powerful	ADJ
+voices	NOUN
+to	PART
+pull	VERB
+off	ADP
+a	DET
+few	NOUN
+of	ADP
+the	DET
+most	ADV
+poignant	ADJ
+numbers	NOUN
+(	PUNCT
+I	PRON
+think	VERB
+this	PRON
+could	AUX
+be	AUX
+your	PRON
+true	ADJ
+calling	NOUN
+)	PUNCT
+.	PUNCT
+
+I	PRON
+caught	VERB
+the	DET
+third	ADJ
+day	NOUN
+of	ADP
+Corey	PROPN
+'s	PART
+Jeopardy	PROPN
+run	NOUN
+last	ADJ
+night	NOUN
+here	ADV
+at	ADP
+the	DET
+office	NOUN
+(	PUNCT
+yes	INTJ
+,	PUNCT
+I	PRON
+had	VERB
+to	PART
+come	VERB
+back	ADV
+after	ADP
+the	DET
+play	NOUN
+...	PUNCT
+I	PRON
+love	VERB
+my	PRON
+job	NOUN
+!	PUNCT
+)	PUNCT
+.	PUNCT
+
+Anyway	ADV
+,	PUNCT
+I	PRON
+'m	AUX
+sure	ADJ
+I	PRON
+'d	AUX
+mentioned	VERB
+it	PRON
+before	ADV
+but	CCONJ
+yes	INTJ
+she	PRON
+is	AUX
+a	DET
+very	ADV
+smart	ADJ
+girl	NOUN
+.	PUNCT
+
+As	ADP
+a	DET
+result	NOUN
+of	ADP
+that	PRON
+,	PUNCT
+she	PRON
+has	AUX
+managed	VERB
+on	ADP
+several	ADJ
+occasions	NOUN
+over	ADP
+the	DET
+years	NOUN
+to	PART
+detract	VERB
+from	ADP
+my	PRON
+enjoyment	NOUN
+of	SCONJ
+playing	VERB
+Trivial	PROPN
+Pursuit	PROPN
+or	CCONJ
+watching	VERB
+Jeopardy	PROPN
+by	SCONJ
+absolutely	ADV
+obliterating	VERB
+me	PRON
+(	PUNCT
+The	DET
+girl	NOUN
+actually	ADV
+did	VERB
+her	PRON
+senior	ADJ
+thesis	NOUN
+on	ADP
+Trivia	NOUN
+)	PUNCT
+.	PUNCT
+
+Kori	PROPN
+told	VERB
+me	PRON
+she	PRON
+saw	VERB
+you	PRON
+last	ADJ
+night	NOUN
+at	ADP
+Steak	NOUN
+Night	NOUN
+and	CCONJ
+introduced	VERB
+herself	PRON
+since	SCONJ
+I	PRON
+failed	VERB
+to	PART
+do	VERB
+so	ADV
+the	DET
+last	ADJ
+time	NOUN
+we	PRON
+went	VERB
+.	PUNCT
+
+I	PRON
+should	AUX
+let	VERB
+you	PRON
+know	VERB
+though	ADV
+that	SCONJ
+she	PRON
+was	AUX
+very	ADV
+offended	ADJ
+this	DET
+morning	NOUN
+that	SCONJ
+you	PRON
+did	AUX
+n't	PART
+spell	VERB
+her	PRON
+name	NOUN
+right	ADJ
+in	ADP
+the	DET
+email	NOUN
+-	PUNCT
+I	PRON
+mean	VERB
+it	PRON
+'s	AUX
+such	DET
+a	DET
+common	ADJ
+spelling	NOUN
+.	PUNCT
+
+So	ADV
+was	AUX
+Darren	PROPN
+there	ADV
+last	ADJ
+night	NOUN
+to	PART
+meet	VERB
+her	PRON
+or	CCONJ
+do	AUX
+you	PRON
+just	ADV
+think	VERB
+they	PRON
+'d	AUX
+make	VERB
+a	DET
+good	ADJ
+match	NOUN
+?	PUNCT
+
+She	PRON
+'s	AUX
+a	DET
+very	ADV
+fun	ADJ
+girl	NOUN
+.	PUNCT
+
+Hope	VERB
+you	PRON
+day	NOUN
+is	AUX
+going	VERB
+well	ADV
+and	CCONJ
+that	SCONJ
+the	DET
+move	NOUN
+to	ADP
+30	NUM
+went	VERB
+off	ADP
+without	ADP
+a	DET
+hitch	NOUN
+.	PUNCT
+
+Good	ADJ
+luck	NOUN
+with	ADP
+all	DET
+of	ADP
+the	DET
+"	PUNCT
+fun	ADJ
+"	PUNCT
+meetings	NOUN
+.	PUNCT
+
+Shorty	PROPN
+
+--	PUNCT
+Due	ADP
+to	ADP
+the	DET
+lack	NOUN
+of	ADP
+response	NOUN
+yesterday	NOUN
+,	PUNCT
+I	PRON
+'m	AUX
+beginning	VERB
+to	PART
+worry	VERB
+about	ADP
+your	PRON
+success	NOUN
+with	ADP
+the	DET
+road	NOUN
+test	NOUN
+...	PUNCT
+
+I	PRON
+'m	AUX
+going	VERB
+to	PART
+assume	VERB
+that	SCONJ
+you	PRON
+did	AUX
+n't	PART
+get	VERB
+around	ADV
+to	ADP
+it	PRON
+.	PUNCT
+
+Ted	PROPN
+Noble	PROPN
+
+08/17/2000	NUM
+10:05	NUM
+AM	NOUN
+
+How	ADV
+was	AUX
+the	DET
+play	NOUN
+?	PUNCT
+
+I	PRON
+forgot	VERB
+to	PART
+tell	VERB
+you	PRON
+that	SCONJ
+I	PRON
+saw	VERB
+your	PRON
+friend	NOUN
+on	ADP
+a	DET
+re-run	NOUN
+Jeopardy	PROPN
+the	DET
+other	ADJ
+night	NOUN
+and	CCONJ
+I	PRON
+almost	ADV
+called	VERB
+you	PRON
+but	CCONJ
+it	PRON
+came	VERB
+on	ADV
+at	ADP
+11:30	NUM
+.	PUNCT
+
+Smart	ADJ
+girl	NOUN
+.	PUNCT
+
+I	PRON
+ran	VERB
+into	ADP
+Corey	PROPN
+last	ADJ
+night	NOUN
+at	ADP
+LW	PROPN
+s	PART
+and	CCONJ
+I	PRON
+am	AUX
+thinking	VERB
+this	PRON
+is	AUX
+a	DET
+girl	NOUN
+for	ADP
+Darren	PROPN
+.	PUNCT
+
+Anyway	ADV
+,	PUNCT
+lots	NOUN
+of	ADP
+fun	ADJ
+meetings	NOUN
+today	NOUN
+.	PUNCT
+
+I	PRON
+'ll	AUX
+talk	VERB
+to	ADP
+you	PRON
+later	ADV
+.	PUNCT
+
+Maybe	ADV
+you	PRON
+should	AUX
+ignore	VERB
+the	DET
+sentiment	NOUN
+of	ADP
+the	DET
+quote	NOUN
+I	PRON
+sent	VERB
+earlier	ADV
+...	PUNCT
+
+I	PRON
+think	VERB
+you	PRON
+may	AUX
+be	AUX
+adhering	VERB
+to	ADP
+it	PRON
+too	ADV
+faithfully	ADV
+.	PUNCT
+
+At	ADP
+this	DET
+rate	NOUN
+we	PRON
+may	AUX
+have	VERB
+to	PART
+start	VERB
+pinning	VERB
+notes	NOUN
+to	ADP
+your	PRON
+shirt	NOUN
+to	PART
+remind	VERB
+you	PRON
+to	PART
+do	VERB
+things	NOUN
+.	PUNCT
+
+However	ADV
+,	PUNCT
+having	AUX
+driven	VERB
+with	ADP
+you	PRON
+on	ADP
+several	ADJ
+occasions	NOUN
+I	PRON
+feel	VERB
+confident	ADJ
+you	PRON
+will	AUX
+be	AUX
+able	ADJ
+to	PART
+pass	VERB
+the	DET
+test	NOUN
+with	ADP
+flying	VERB
+colors	NOUN
+.	PUNCT
+
+Keep	VERB
+in	ADP
+mind	NOUN
+though	ADV
+that	SCONJ
+if	SCONJ
+you	PRON
+end	VERB
+up	ADP
+failing	VERB
+I	PRON
+will	AUX
+not	PART
+let	VERB
+you	PRON
+forget	VERB
+it	PRON
+(	PUNCT
+and	CCONJ
+,	PUNCT
+as	SCONJ
+we	PRON
+have	AUX
+established	VERB
+,	PUNCT
+I	PRON
+have	VERB
+the	DET
+memory	NOUN
+of	ADP
+an	DET
+elephant	NOUN
+)	PUNCT
+.	PUNCT
+
+I	PRON
+'ll	AUX
+keep	VERB
+discussion	NOUN
+of	ADP
+me	PRON
+to	ADP
+a	DET
+minimum	NOUN
+and	CCONJ
+just	ADV
+say	VERB
+that	SCONJ
+things	NOUN
+are	AUX
+well	ADJ
+on	ADP
+32	NUM
+.	PUNCT
+
+Now	ADV
+back	ADV
+to	ADP
+what	PRON
+'s	AUX
+really	ADV
+important	ADJ
+...	PUNCT
+you	PRON
+.	PUNCT
+
+Thought	VERB
+you	PRON
+'d	AUX
+like	VERB
+to	PART
+know	VERB
+that	SCONJ
+the	DET
+Dixie	PROPN
+Chicks	PROPN
+are	AUX
+coming	VERB
+back	ADV
+to	ADP
+Houston	PROPN
+Dec.	PROPN
+12	NUM
+and	CCONJ
+will	AUX
+performing	VERB
+just	ADV
+down	ADP
+the	DET
+street	NOUN
+from	ADP
+you	PRON
+at	ADP
+the	DET
+Compaq	PROPN
+Center	PROPN
+...	PUNCT
+it	PRON
+'s	AUX
+all	ADV
+about	ADP
+you	PRON
+and	CCONJ
+your	PRON
+needs	NOUN
+.	PUNCT
+
+Ted	PROPN
+Noble	PROPN
+
+08/16/2000	NUM
+10:56	NUM
+AM	NOUN
+
+AAAAAGGGHHHHHH	INTJ
+...	PUNCT
+
+I	PRON
+just	ADV
+found	VERB
+out	ADP
+that	SCONJ
+I	PRON
+need	VERB
+to	PART
+take	VERB
+the	DET
+TX	PROPN
+driver	NOUN
+s	PART
+exam	NOUN
+both	CCONJ
+written	VERB
+and	CCONJ
+on	ADP
+the	DET
+rode	NOUN
+.	PUNCT
+
+This	PRON
+is	AUX
+a	DET
+two	NUM
+day	NOUN
+process	NOUN
+and	CCONJ
+all	ADV
+because	SCONJ
+I	PRON
+let	VERB
+my	PRON
+CA	PROPN
+license	NOUN
+expire	VERB
+.	PUNCT
+
+I	PRON
+know	VERB
+I	PRON
+need	VERB
+some	DET
+of	ADP
+your	PRON
+organizational	ADJ
+skills	NOUN
+.	PUNCT
+
+I	PRON
+may	AUX
+try	VERB
+to	PART
+run	VERB
+out	ADV
+and	CCONJ
+take	VERB
+the	DET
+test	NOUN
+this	DET
+afternoon	NOUN
+while	SCONJ
+I	PRON
+get	AUX
+moved	VERB
+to	ADP
+30	NUM
+(	PUNCT
+I	PRON
+better	ADV
+not	ADV
+fail	VERB
+it	PRON
+)	PUNCT
+.	PUNCT
+
+How	ADV
+'s	AUX
+life	NOUN
+on	ADP
+32	NUM
+today	NOUN
+--	PUNCT
+well	INTJ
+that	PRON
+'s	AUX
+enough	ADJ
+about	ADP
+you	PRON
+let	VERB
+'s	PRON
+talk	VERB
+more	ADV
+about	ADP
+me	PRON
+.	PUNCT
+
+There	PRON
+is	VERB
+no	DET
+pleasure	NOUN
+in	SCONJ
+having	VERB
+nothing	PRON
+to	PART
+do	VERB
+;	PUNCT
+the	DET
+fun	NOUN
+is	VERB
+in	SCONJ
+having	VERB
+lots	NOUN
+to	PART
+do	VERB
+and	CCONJ
+not	PART
+doing	VERB
+it	PRON
+.	PUNCT
+
+-	PUNCT
+Mary	PROPN
+Little	PROPN
+
+Bob	PROPN
+Bowen	PROPN
+
+07/14/2000	NUM
+03:58	NUM
+PM	NOUN
+
+Note	VERB
+that	SCONJ
+the	DET
+No	DET
+"	PUNCT
+Out	NOUN
+"	PUNCT
+version	NOUN
+requires	VERB
+us	PRON
+to	PART
+pay	VERB
+the	DET
+premium	NOUN
+on	ADP
+Tuesday	PROPN
+!	PUNCT
+
+GILBERGD@sullcrom.com	X
+
+07/14/2000	NUM
+02:18	NUM
+PM	NOUN
+
+As	SCONJ
+we	PRON
+discussed	VERB
+,	PUNCT
+the	DET
+following	VERB
+is	AUX
+revised	VERB
+disclosure	NOUN
+regarding	VERB
+direct	ADJ
+access	NOUN
+to	PART
+deal	VERB
+with	ADP
+the	DET
+cost	NOUN
+issue	NOUN
+:	PUNCT
+
+EnronOnline	PROPN
+will	AUX
+assist	VERB
+users	NOUN
+,	PUNCT
+upon	ADP
+request	NOUN
+,	PUNCT
+in	SCONJ
+arranging	VERB
+for	ADP
+the	DET
+connection	NOUN
+of	ADP
+"	PUNCT
+T1	NOUN
+"	PUNCT
+lines	NOUN
+or	CCONJ
+other	ADJ
+means	NOUN
+of	ADP
+direct	ADJ
+access	NOUN
+to	ADP
+EnronOnline	PROPN
+,	PUNCT
+as	ADP
+an	DET
+alternative	NOUN
+to	ADP
+internet	NOUN
+access	NOUN
+.	PUNCT
+
+Direct	ADJ
+access	NOUN
+connections	NOUN
+might	AUX
+enable	VERB
+users	NOUN
+to	PART
+access	VERB
+EnronOnline	PROPN
+more	ADV
+quickly	ADV
+than	SCONJ
+is	AUX
+currently	ADV
+possible	ADJ
+through	ADP
+internet	NOUN
+access	NOUN
+.	PUNCT
+
+Please	INTJ
+call	VERB
+if	SCONJ
+you	PRON
+want	VERB
+to	PART
+discuss	VERB
+.	PUNCT
+
+Have	VERB
+a	DET
+good	ADJ
+weekend	NOUN
+.	PUNCT
+
+This	DET
+e-mail	NOUN
+is	AUX
+sent	VERB
+by	ADP
+a	DET
+law	NOUN
+firm	NOUN
+and	CCONJ
+contains	VERB
+information	NOUN
+that	PRON
+may	AUX
+be	AUX
+privileged	ADJ
+and	CCONJ
+confidential	ADJ
+.	PUNCT
+
+If	SCONJ
+you	PRON
+are	AUX
+not	PART
+the	DET
+intended	VERB
+recipient	NOUN
+,	PUNCT
+please	INTJ
+delete	VERB
+the	DET
+e-mail	NOUN
+and	CCONJ
+notify	VERB
+us	PRON
+immediately	ADV
+.	PUNCT
+
+The	DET
+least	ADJ
+we	PRON
+can	AUX
+do	VERB
+is	VERB
+pass	VERB
+this	DET
+news	NOUN
+along	ADV
+.	PUNCT
+
+Is	VERB
+there	PRON
+anyone	PRON
+else	ADJ
+we	PRON
+should	AUX
+tell	VERB
+?	PUNCT
+
+Ted	PROPN
+Bockius	PROPN
+<	PUNCT
+Ted.Bockius@ivita.com	X
+>	PUNCT
+
+07/17/2000	NUM
+02:21	NUM
+PM	NOUN
+
+fyi	ADV
+...	PUNCT
+it	PRON
+sound	VERB
+like	SCONJ
+Bobby	PROPN
+is	AUX
+in	ADP
+serious	ADJ
+condition	NOUN
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Sharon	PROPN
+
+I	PRON
+think	VERB
+they	PRON
+'ll	AUX
+send	VERB
+us	PRON
+another	DET
+update	NOUN
+once	SCONJ
+he	PRON
+'s	AUX
+out	ADP
+of	ADP
+emergency	NOUN
+and	CCONJ
+into	ADP
+a	DET
+room	NOUN
+.?	PUNCT
+
+Then	ADV
+it	PRON
+'s	AUX
+real	ADV
+easy	ADJ
+to	PART
+call	VERB
+Ben	PROPN
+Taub	PROPN
+to	PART
+find	VERB
+out	ADP
+a	DET
+room	NOUN
+number	NOUN
+.?	PUNCT
+The	DET
+address	NOUN
+is	AUX
+below	ADV
+.?	PUNCT
+
+It	PRON
+does	AUX
+n't	PART
+sound	VERB
+like	SCONJ
+he	PRON
+can	AUX
+receive	VERB
+visitors	NOUN
+yet	ADV
+.	PUNCT
+
+A	PROPN
+.	PUNCT
+
+Thanks	NOUN
+for	ADP
+the	DET
+heads	NOUN
+up	NOUN
+.?	PUNCT
+
+Do	AUX
+you	PRON
+know	VERB
+the	DET
+address	NOUN
+to	PART
+send	VERB
+cards	NOUN
+??	PUNCT
+
+Do	AUX
+you	PRON
+know	VERB
+if	SCONJ
+Bobby	PROPN
+can	AUX
+see	VERB
+visitors	NOUN
+??	PUNCT
+
+Some	DET
+of	ADP
+the	DET
+folks	NOUN
+here	ADV
+would	AUX
+like	VERB
+to	PART
+know	VERB
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Sharon	PROPN
+
+Thought	VERB
+you	PRON
+might	AUX
+like	VERB
+to	PART
+know	VERB
+.	PUNCT
+
+Amy	PROPN
+Cornell	PROPN
+Compaq	PROPN
+CPCG	PROPN
+Marketing	NOUN
+P	NOUN
+:	PUNCT
+281-518-9526	NUM
+F	NOUN
+:	PUNCT
+281-518-1081	NUM
+amy.cornell@compaq.com	X
+<	PUNCT
+mailto:amy.cornell@compaq.com	X
+<	PUNCT
+mailto:amy.cornell@compaq.com	X
+>	PUNCT
+>	PUNCT
+
+Jann	PROPN
+,	PUNCT
+phoned	VERB
+this	DET
+morning	NOUN
+and	CCONJ
+asked	VERB
+me	PRON
+to	PART
+pass	VERB
+this	DET
+information	NOUN
+to	ADP
+the	DET
+group	NOUN
+,	PUNCT
+concerning	VERB
+Bobby	PROPN
+Riggins	PROPN
+.	PUNCT
+
+Bobby	PROPN
+is	AUX
+a	DET
+member	NOUN
+of	ADP
+a	DET
+bicycle	NOUN
+team	NOUN
+,	PUNCT
+while	SCONJ
+cycling	VERB
+this	DET
+weekend	NOUN
+,	PUNCT
+he	PRON
+and	CCONJ
+other	ADJ
+members	NOUN
+of	ADP
+his	PRON
+team	NOUN
+were	AUX
+injured	VERB
+by	ADP
+a	DET
+truck	NOUN
+.?	PUNCT
+
+There	PRON
+was	VERB
+one	NUM
+death	NOUN
+in	ADP
+the	DET
+injured	VERB
+group	NOUN
+and	CCONJ
+the	DET
+others	NOUN
+with	ADP
+major	ADJ
+injuries	NOUN
+.?	PUNCT
+
+Bobby	PROPN
+is	AUX
+one	NUM
+of	ADP
+those	PRON
+with	ADP
+major	ADJ
+injuries	NOUN
+.?	PUNCT
+
+He	PRON
+is	AUX
+currently	ADV
+in	ADP
+the	DET
+emergency	NOUN
+room	NOUN
+at	ADP
+Ben	PROPN
+Taub	PROPN
+Hospital	PROPN
+.?	PUNCT
+
+Ben	PROPN
+Taub	PROPN
+hospital	PROPN
+is	AUX
+located	VERB
+at	ADP
+1504	NUM
+Taub	PROPN
+Loop	PROPN
+,	PUNCT
+Houston	PROPN
+,	PUNCT
+Texas	PROPN
+,	PUNCT
+phone	NOUN
+number	NOUN
+:	PUNCT
+713-793-2000	NUM
+.?	PUNCT
+
+He	PRON
+can	AUX
+not	PART
+accept	VERB
+calls	NOUN
+,	PUNCT
+visits	NOUN
+or	CCONJ
+flowers	NOUN
+at	ADP
+this	DET
+time	NOUN
+,	PUNCT
+since	SCONJ
+he	PRON
+is	AUX
+in	ADP
+the	DET
+emergency	NOUN
+room	NOUN
+.?	PUNCT
+
+An	DET
+update	NOUN
+will	AUX
+be	AUX
+e-mailed	VERB
+,	PUNCT
+as	ADV
+soon	ADV
+as	SCONJ
+one	NUM
+is	AUX
+available	ADJ
+.	PUNCT
+
+Keep	VERB
+Bobby	PROPN
+,	PUNCT
+his	PRON
+team	NOUN
+members	NOUN
+and	CCONJ
+their	PRON
+families	NOUN
+in	ADP
+your	PRON
+prayers	NOUN
+.	PUNCT
+
+Rosario	PROPN
+Gonzales	PROPN
+Administrative	ADJ
+Assistant	NOUN
+ESSG	PROPN
+CCA-15	PROPN
+,	PUNCT
+150301	NUM
+,	PUNCT
+153B09	NUM
+281-514-3183	NUM
+rosario.gonzales@compaq.com	X
+<	PUNCT
+mailto:rosario.gonzales@compaq.com	X
+<	PUNCT
+mailto:rosario.gonzales@compaq.com	X
+>	PUNCT
+>	PUNCT
+
+I	PRON
+think	VERB
+it	PRON
+'s	AUX
+a	DET
+good	ADJ
+idea	NOUN
+since	SCONJ
+the	DET
+provisional	ADJ
+application	NOUN
+is	AUX
+on	ADP
+file	NOUN
+-	PUNCT
+Travis	PROPN
+is	AUX
+the	DET
+internal	ADJ
+lawyer	NOUN
+who	PRON
+has	AUX
+taken	VERB
+care	NOUN
+of	ADP
+the	DET
+patent	NOUN
+application	NOUN
+so	ADV
+he	PRON
+will	AUX
+have	VERB
+better	ADJ
+ideas	NOUN
+for	ADP
+where	ADV
+the	DET
+words	NOUN
+should	AUX
+be	AUX
+placed	VERB
+and	CCONJ
+appropriate	ADJ
+look	NOUN
+and	CCONJ
+feel	NOUN
+(	PUNCT
+I	PRON
+would	AUX
+guess	VERB
+near	ADP
+the	DET
+copyright	NOUN
+notice	NOUN
+and	CCONJ
+roughly	ADV
+equivalent	ADJ
+size	NOUN
+)	PUNCT
+.	PUNCT
+
+David	X
+Forster@ENRON	X
+
+07/17/2000	NUM
+06:15	NUM
+PM	NOUN
+
+Mark	PROPN
+,	PUNCT
+
+We	PRON
+are	AUX
+thinking	VERB
+of	SCONJ
+adding	VERB
+a	DET
+Patent	NOUN
+Pending	NOUN
+message	NOUN
+to	ADP
+key	ADJ
+EnronOnline	PROPN
+pages	NOUN
+(	PUNCT
+like	ADP
+the	DET
+homepage	NOUN
+)	PUNCT
+.	PUNCT
+
+Can	AUX
+you	PRON
+offer	VERB
+comments	NOUN
+/	PUNCT
+concerns	NOUN
+/	PUNCT
+guidelines	NOUN
+?	PUNCT
+
+Dave	PROPN
+
+Does	AUX
+it	PRON
+make	VERB
+sense	NOUN
+for	SCONJ
+us	PRON
+to	PART
+set	VERB
+up	ADP
+a	DET
+meeting	NOUN
+with	SCONJ
+you	PRON
+participating	VERB
+from	ADP
+Buenos	PROPN
+Aires	PROPN
+?	PUNCT
+
+I	PRON
+'m	AUX
+not	PART
+sure	ADJ
+we	PRON
+have	VERB
+much	ADJ
+to	PART
+tell	VERB
+them	PRON
+at	ADP
+this	DET
+stage	NOUN
+-	PUNCT
+actually	ADV
+,	PUNCT
+I	PRON
+'m	AUX
+sure	ADJ
+I	PRON
+do	AUX
+n't	PART
+have	VERB
+anything	PRON
+new	ADJ
+to	PART
+report	VERB
+but	CCONJ
+if	SCONJ
+you	PRON
+do	VERB
+that	PRON
+would	AUX
+be	AUX
+fine	ADJ
+with	ADP
+me	PRON
+.	PUNCT
+
+Patrick	X
+Hansen@ENRON	X
+
+07/17/2000	NUM
+04:28	NUM
+PM	NOUN
+
+Michael	PROPN
+and	CCONJ
+myself	PRON
+are	AUX
+planing	VERB
+to	PART
+be	AUX
+in	ADP
+Hoston	PROPN
+on	ADP
+Thursday	PROPN
+and	CCONJ
+Friday	PROPN
+of	ADP
+this	DET
+week	NOUN
+.	PUNCT
+
+We	PRON
+intend	VERB
+to	PART
+see	VERB
+as	ADV
+many	ADJ
+people	NOUN
+as	SCONJ
+possible	ADJ
+regarding	VERB
+EOL	NOUN
+implementation	NOUN
+.	PUNCT
+
+We	PRON
+will	AUX
+meet	VERB
+Dave	PROPN
+Forster	PROPN
+and	CCONJ
+his	PRON
+team	NOUN
+among	ADP
+others	NOUN
+.	PUNCT
+
+We	PRON
+would	AUX
+like	VERB
+to	PART
+fit	VERB
+a	DET
+meeting	NOUN
+with	ADP
+you	PRON
+as	ADP
+a	DET
+group	NOUN
+or	CCONJ
+individually	ADV
+.	PUNCT
+
+Please	INTJ
+let	VERB
+me	PRON
+know	VERB
+about	ADP
+your	PRON
+availability	NOUN
+and	CCONJ
+if	SCONJ
+it	PRON
+is	AUX
+possible	ADJ
+to	PART
+meet	VERB
+with	ADP
+more	ADJ
+than	ADP
+one	NUM
+of	ADP
+you	PRON
+in	ADP
+one	NUM
+place	NOUN
+.	PUNCT
+
+Thank	VERB
+you	PRON
+
+FYI	ADV
+
+David	X
+Forster@ENRON	X
+
+07/17/2000	NUM
+02:34	NUM
+PM	NOUN
+
+Further	ADJ
+background	NOUN
+:	PUNCT
+
+Argentina	PROPN
+intend	VERB
+to	PART
+press	VERB
+ahead	ADV
+even	ADV
+given	VERB
+the	DET
+concern	NOUN
+about	ADP
+taxes	NOUN
+,	PUNCT
+etc	X
+.	PUNCT
+
+They	PRON
+wish	VERB
+to	PART
+launch	VERB
+on	ADP
+Sept.	PROPN
+1	NUM
+-	PUNCT
+meaning	VERB
+we	PRON
+will	AUX
+need	VERB
+to	PART
+be	AUX
+sending	VERB
+mailings	NOUN
+sometime	ADV
+around	ADP
+mid-August	PROPN
+.	PUNCT
+
+Dave	PROPN
+
+Leonardo	PROPN
+Pacheco	PROPN
+
+07/17/2000	NUM
+08:50	NUM
+AM	NOUN
+
+Mark	PROPN
+,	PUNCT
+
+Just	ADV
+wanted	VERB
+to	PART
+know	VERB
+were	ADV
+we	PRON
+stand	VERB
+on	ADP
+the	DET
+ETA	NOUN
+and	CCONJ
+PA	NOUN
+for	ADP
+Argentina	PROPN
+?	PUNCT
+
+Thanks	NOUN
+for	ADP
+your	PRON
+help	NOUN
+!	PUNCT
+
+Leonardo	PROPN
+Pacheco	PROPN
+ext.	NOUN
+39938	NUM
+
+If	SCONJ
+you	PRON
+need	VERB
+more	ADJ
+,	PUNCT
+there	PRON
+is	VERB
+a	DET
+proposal	NOUN
+from	ADP
+the	DET
+documentation	NOUN
+committee	NOUN
+for	ADP
+a	DET
+new	ADJ
+alternative	NOUN
+for	SCONJ
+calculating	VERB
+termination	NOUN
+amounts	NOUN
+(	PUNCT
+we	PRON
+heard	VERB
+about	ADP
+it	PRON
+in	ADP
+Amsterdam	PROPN
+)	PUNCT
+that	PRON
+I	PRON
+think	VERB
+will	AUX
+be	AUX
+particularly	ADV
+attractive	ADJ
+to	ADP
+the	DET
+energy	NOUN
+markets	NOUN
+.	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+know	VERB
+where	ADV
+this	PRON
+stands	VERB
+officially	ADV
+(	PUNCT
+I	PRON
+have	AUX
+n't	PART
+heard	VERB
+any	DET
+developments	NOUN
+since	ADP
+Amsterdam	PROPN
+)	PUNCT
+but	CCONJ
+I	PRON
+can	AUX
+find	VERB
+out	ADP
+from	ADP
+Bob	PROPN
+Pickle	PROPN
+if	SCONJ
+you	PRON
+want	VERB
+.	PUNCT
+
+Mark	PROPN
+E	PROPN
+Haedicke	PROPN
+
+07/18/2000	NUM
+08:58	NUM
+AM	NOUN
+
+We	PRON
+should	AUX
+include	VERB
+ISDA	PROPN
+energy	NOUN
+definitions	NOUN
+,	PUNCT
+CFTC	PROPN
+matters	NOUN
+re	ADP
+energy	NOUN
+and	CCONJ
+an	DET
+overview	NOUN
+of	ADP
+power	NOUN
+deregulation	NOUN
+developments	NOUN
+in	ADP
+North	PROPN
+America	PROPN
+.	PUNCT
+
+I	PRON
+might	AUX
+also	ADV
+add	VERB
+a	DET
+few	ADJ
+items	NOUN
+about	ADP
+international	ADJ
+developments	NOUN
+and	CCONJ
+the	DET
+EEI	PROPN
+physical	ADJ
+power	NOUN
+trading	NOUN
+form	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+thinking	VERB
+4	NUM
+slides	NOUN
+at	ADP
+the	DET
+most	ADJ
+.	PUNCT
+
+Is	VERB
+that	PRON
+what	PRON
+you	PRON
+want	VERB
+?	PUNCT
+
+Mark	PROPN
+
+Current	ADJ
+Plan	NOUN
+:	PUNCT
+
+Days	NOUN
+away	ADV
+:	PUNCT
+Sept.	PROPN
+21	NUM
+through	ADP
+Oct.	PROPN
+3	NUM
+(	PUNCT
+assuming	VERB
+you	PRON
+work	VERB
+on	ADP
+the	DET
+day	NOUN
+we	PRON
+leave	VERB
+and	CCONJ
+go	VERB
+back	ADV
+to	ADP
+work	NOUN
+the	DET
+day	NOUN
+after	SCONJ
+we	PRON
+return	VERB
+)	PUNCT
+
+9	NUM
+work	NOUN
+days	NOUN
+
+Wed.	PROPN
+Sept.	PROPN
+20	NUM
+-	PUNCT
+Leave	VERB
+Houston	PROPN
+around	ADV
+6:00	NUM
+pm	NOUN
+
+Thur.	PROPN
+Sept.	PROPN
+21	NUM
+-	PUNCT
+Arrv.	VERB
+London	PROPN
+early	ADJ
+a.m.	NOUN
+,	PUNCT
+transfer	VERB
+to	ADP
+flight	NOUN
+to	ADP
+Nice	PROPN
+
+-	PUNCT
+Arrv.	VERB
+Nice	PROPN
+around	ADP
+noon	NOUN
+?	PUNCT
+
+rent	VERB
+car	NOUN
+&	CCONJ
+drive	VERB
+to	ADP
+first	ADJ
+hotel	NOUN
+(	PUNCT
+less	ADJ
+than	ADP
+1	NUM
+hour	NOUN
+away	ADV
+)	PUNCT
+;	PUNCT
+collapse	VERB
+
+Fri.	PROPN
+Sept.	PROPN
+22	NUM
+-	PUNCT
+Stay	VERB
+in	ADP
+same	ADJ
+hotel	NOUN
+,	PUNCT
+visit	VERB
+Monaco	PROPN
+,	PUNCT
+Nice	PROPN
+?	PUNCT
+
+Sat.	PROPN
+Sept.	PROPN
+23	NUM
+-	PUNCT
+Drive	VERB
+to	ADP
+St.	PROPN
+Tropez	PROPN
+-	PUNCT
+through	ADP
+Nice	PROPN
+,	PUNCT
+Cannes	PROPN
+&	CCONJ
+other	ADJ
+coastal	ADJ
+towns	NOUN
+,	PUNCT
+check	VERB
+-	PUNCT
+in	ADP
+mid	X
+afternoon	NOUN
+
+Sun.	PROPN
+Sept.	PROPN
+24	NUM
+-	PUNCT
+St.	PROPN
+Tropez	PROPN
+
+Mon.	PROPN
+Sept.	PROPN
+25	NUM
+-	PUNCT
+St.	PROPN
+Tropez	PROPN
+
+Tue.	PROPN
+Sept.	PROPN
+26	NUM
+-	PUNCT
+Drive	VERB
+to	ADP
+Nice	PROPN
+,	PUNCT
+return	VERB
+car	NOUN
+,	PUNCT
+fly	VERB
+to	ADP
+Paris	PROPN
+
+Wed.	PROPN
+Sept.	PROPN
+27	NUM
+-	PUNCT
+Paris	PROPN
+
+Thur.	PROPN
+Sept.	PROPN
+28	NUM
+-	PUNCT
+Paris	PROPN
+(	PUNCT
+Versailles	NOUN
+or	CCONJ
+Fontainbleu	PROPN
+-	PUNCT
+half	ADJ
+day	NOUN
+side	NOUN
+trip	NOUN
+)	PUNCT
+
+Fri.	PROPN
+Sept.	PROPN
+29	NUM
+-	PUNCT
+Paris	PROPN
+(	PUNCT
+Giverny	PROPN
+-	PUNCT
+Monet	PROPN
+'s	PART
+gardens	NOUN
+-	PUNCT
+3	NUM
+/	PUNCT
+4	NUM
+day	NOUN
+side	NOUN
+trip	NOUN
+)	PUNCT
+
+Sat.	PROPN
+Sept.	PROPN
+30	NUM
+-	PUNCT
+Paris	PROPN
+
+Sun.	PROPN
+Oct.	PROPN
+1	NUM
+-	PUNCT
+Paris	PROPN
+to	ADP
+London	PROPN
+in	ADP
+afternoon	NOUN
+-	PUNCT
+probably	ADV
+by	ADP
+Eurostar	PROPN
+train	NOUN
+-	PUNCT
+(	PUNCT
+arrv.	VERB
+London	PROPN
+late	ADJ
+afternoon	NOUN
+)	PUNCT
+
+Mon.	PROPN
+Oct.	PROPN
+2	NUM
+-	PUNCT
+London	PROPN
+(	PUNCT
+meetings	NOUN
+for	ADP
+CLH	PROPN
+)	PUNCT
+
+Tues.	PROPN
+Oct.	PROPN
+3	NUM
+-	PUNCT
+Fly	VERB
+London	PROPN
+to	ADP
+Houston	PROPN
+(	PUNCT
+lv.	VERB
+around	ADP
+noon	NOUN
+,	PUNCT
+arrv.	VERB
+around	ADP
+4:30	NUM
+pm	NOUN
+)	PUNCT
+
+To	PART
+make	VERB
+matters	NOUN
+even	ADV
+more	ADV
+confusing	ADJ
+,	PUNCT
+there	PRON
+are	VERB
+two	NUM
+Mark	PROPN
+Taylors	PROPN
+.	PUNCT
+
+I	PRON
+believe	VERB
+the	DET
+message	NOUN
+you	PRON
+forwarded	VERB
+to	ADP
+me	PRON
+belongs	VERB
+to	ADP
+the	DET
+Mark	PROPN
+Taylor	PROPN
+at	ADP
+EI	PROPN
+(	PUNCT
+based	VERB
+in	ADP
+London	PROPN
+)	PUNCT
+.	PUNCT
+
+Unfortunately	ADV
+,	PUNCT
+I	PRON
+ca	AUX
+n't	PART
+forward	VERB
+your	PRON
+message	NOUN
+to	ADP
+him	PRON
+directly	ADV
+(	PUNCT
+there	PRON
+seems	VERB
+to	PART
+be	AUX
+a	DET
+problem	NOUN
+with	ADP
+the	DET
+attachment	NOUN
+)	PUNCT
+.	PUNCT
+
+If	SCONJ
+you	PRON
+still	ADV
+have	VERB
+it	PRON
+,	PUNCT
+can	AUX
+you	PRON
+send	VERB
+it	PRON
+to	ADP
+him	PRON
+at	ADP
+"	PUNCT
+Mark	PROPN
+EI.London	PROPN
+Taylor	PROPN
+"	PUNCT
+?	PUNCT
+
+I	PRON
+will	AUX
+take	VERB
+care	NOUN
+of	ADP
+it	PRON
+.	PUNCT
+
+Thanks	NOUN
+for	ADP
+the	DET
+reminder	NOUN
+.	PUNCT
+
+Ladies	NOUN
+,	PUNCT
+
+Enclosed	VERB
+is	AUX
+a	DET
+worksheet	NOUN
+for	ADP
+Ineos	PROPN
+Acrylics	PROPN
+.	PUNCT
+
+Ineos	PROPN
+is	AUX
+an	DET
+English	ADJ
+company	NOUN
+which	PRON
+has	VERB
+a	DET
+majority	NOUN
+of	ADP
+its	PRON
+operations	NOUN
+in	ADP
+the	DET
+US	PROPN
+.	PUNCT
+
+Note	VERB
+that	SCONJ
+the	DET
+credit	NOUN
+thresholds	NOUN
+are	AUX
+in	ADP
+US	PROPN
+$	NOUN
+,	PUNCT
+but	CCONJ
+the	DET
+MACS	NOUN
+are	AUX
+designated	VERB
+in	ADP
+British	ADJ
+Pounds	NOUN
+.	PUNCT
+
+Please	INTJ
+send	VERB
+the	DET
+draft	NOUN
+to	ADP
+Troy	PROPN
+Black	PROPN
+and	CCONJ
+he	PRON
+will	AUX
+forward	VERB
+to	ADP
+the	DET
+CP	NOUN
+.	PUNCT
+
+Please	INTJ
+deliver	VERB
+a	DET
+copy	NOUN
+to	ADP
+me	PRON
+as	ADV
+well	ADV
+.	PUNCT
+
+Have	VERB
+a	DET
+great	ADJ
+weekend	NOUN
+.	PUNCT
+
+Max	PROPN
+
+<<	PUNCT
+File	NOUN
+:	PUNCT
+Ineos.xls	NOUN
+>>	PUNCT
+
+Robbi	PROPN
+:	PUNCT
+
+I	PRON
+left	VERB
+you	PRON
+a	DET
+voice	NOUN
+mail	NOUN
+on	ADP
+Friday	PROPN
+.	PUNCT
+
+I	PRON
+looked	VERB
+at	ADP
+the	DET
+UEComm	PROPN
+Master	NOUN
+and	CCONJ
+had	VERB
+some	DET
+comments	NOUN
+--	PUNCT
+such	ADJ
+as	ADP
+our	PRON
+name	NOUN
+is	AUX
+wrong	ADJ
+,	PUNCT
+the	DET
+cross	NOUN
+default	NOUN
+threshold	NOUN
+for	ADP
+us	PRON
+should	AUX
+be	AUX
+US	PROPN
+$	NOUN
+and	CCONJ
+not	ADV
+AUD	NOUN
+,	PUNCT
+and	CCONJ
+there	PRON
+were	VERB
+a	DET
+few	ADJ
+other	ADJ
+questions	NOUN
+I	PRON
+had	VERB
+.	PUNCT
+
+Marie	PROPN
+
+Hi	INTJ
+,	PUNCT
+
+Attached	VERB
+are	AUX
+Uecomm	PROPN
+'s	PART
+final	ADJ
+comments	NOUN
+to	ADP
+the	DET
+Master	NOUN
+Agreement	NOUN
+.	PUNCT
+
+John	PROPN
+Suttle	PROPN
+has	AUX
+OK'd	VERB
+Anthony	PROPN
+'s	PART
+latest	ADJ
+request	NOUN
+w	ADP
+/	PUNCT
+r.	NOUN
+t.	ADP
+the	DET
+CSA	NOUN
+.	PUNCT
+
+Could	AUX
+you	PRON
+please	INTJ
+send	VERB
+an	DET
+executable	ADJ
+version	NOUN
+of	ADP
+the	DET
+contract	NOUN
+to	ADP
+Fred	PROPN
+,	PUNCT
+David	PROPN
+,	PUNCT
+John	PROPN
+and	CCONJ
+me	PRON
+tomorrow	NOUN
+?	PUNCT
+
+If	SCONJ
+they	PRON
+'re	AUX
+OK	ADJ
+with	ADP
+it	PRON
+,	PUNCT
+we	PRON
+'d	AUX
+like	VERB
+to	PART
+execute	VERB
+it	PRON
+as	ADV
+soon	ADV
+as	SCONJ
+possible	ADJ
+unless	SCONJ
+there	PRON
+are	VERB
+any	DET
+objections	NOUN
+.	PUNCT
+
+Thanks	NOUN
+
+Pat	PROPN
+
+Pat	PROPN
+,	PUNCT
+
+Please	INTJ
+find	VERB
+attached	VERB
+the	DET
+Enron	PROPN
+Master	NOUN
+Agreement	NOUN
+.	PUNCT
+
+I	PRON
+have	AUX
+inserted	VERB
+the	DET
+company	NOUN
+details	NOUN
+of	ADP
+Uecomm	PROPN
+as	SCONJ
+requested	VERB
+.	PUNCT
+
+I	PRON
+have	AUX
+also	ADV
+amended	VERB
+the	DET
+timeframes	NOUN
+in	ADP
+the	DET
+Credit	NOUN
+Support	NOUN
+Annex	NOUN
+to	ADP
+10	NUM
+days	NOUN
+instead	ADV
+of	ADP
+2	NUM
+days	NOUN
+.	PUNCT
+
+(	PUNCT
+Clauses	NOUN
+2	NUM
+&	CCONJ
+3	NUM
+)	PUNCT
+.	PUNCT
+
+I	PRON
+have	AUX
+tracked	VERB
+all	DET
+changes	NOUN
+for	ADP
+ease	NOUN
+of	ADP
+reference	NOUN
+.	PUNCT
+
+If	SCONJ
+these	DET
+amendmnets	NOUN
+are	AUX
+agreeable	ADJ
+to	ADP
+you	PRON
+can	AUX
+you	PRON
+please	INTJ
+print	VERB
+and	CCONJ
+arrange	VERB
+for	ADP
+execution	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+have	VERB
+any	DET
+questions	NOUN
+please	INTJ
+do	AUX
+not	PART
+hesitate	VERB
+to	PART
+give	VERB
+me	PRON
+a	DET
+call	NOUN
+.	PUNCT
+
+Regards	NOUN
+,	PUNCT
+
+Anthony	PROPN
+Sill	PROPN
+Legal	ADJ
+Counsel	NOUN
+Uecomm	PROPN
+Limited	PROPN
+126	NUM
+Trenerry	PROPN
+Crescent	PROPN
+Abbotsford	PROPN
+,	PUNCT
+VIC	PROPN
+3067	NUM
+.	PUNCT
+Ph.	NOUN
+(	PUNCT
+03	NUM
+)	PUNCT
+9221	NUM
+4101	NUM
+Fax.	NOUN
+(	PUNCT
+03	NUM
+)	PUNCT
+9221	NUM
+4193	NUM
+Mob.	NOUN
+0417	NUM
+575	NUM
+920	NUM
+
+<<	PUNCT
+Enron	X
+-	X
+UC	X
+Master	X
+Agreement	X
+-	X
+0308.doc	NOUN
+>>	PUNCT
+
+Turn	VERB
+up	ADP
+your	PRON
+sound	NOUN
+a	DET
+bit	NOUN
+.	PUNCT
+
+Reminder	NOUN
+:	PUNCT
+
+Conference	NOUN
+Call	NOUN
+with	ADP
+ConEd	PROPN
+at	ADP
+1:00	NUM
+today	NOUN
+in	ADP
+Sara	PROPN
+'s	PART
+office	NOUN
+-	PUNCT
+EB	PROPN
+3801A	NOUN
+.	PUNCT
+
+Nick	PROPN
+:	PUNCT
+
+Attached	VERB
+for	ADP
+your	PRON
+further	ADJ
+handling	NOUN
+is	AUX
+the	DET
+draft	NOUN
+form	NOUN
+Deemed	PROPN
+ISDA	PROPN
+between	ADP
+ENA	PROPN
+and	CCONJ
+Ispat	PROPN
+Mexicana	PROPN
+S.A.	PROPN
+de	PROPN
+C.V	PROPN
+.	PUNCT
+
+Please	INTJ
+note	VERB
+that	SCONJ
+the	DET
+economic	ADJ
+provisions	NOUN
+have	AUX
+been	AUX
+omitted	VERB
+.	PUNCT
+
+Please	INTJ
+let	VERB
+me	PRON
+know	VERB
+if	SCONJ
+you	PRON
+have	VERB
+any	DET
+questions	NOUN
+or	CCONJ
+need	VERB
+anything	PRON
+else	ADJ
+.	PUNCT
+
+Marie	PROPN
+x33907	NOUN
+
+Tana	PROPN
+:	PUNCT
+
+Here	ADV
+'s	AUX
+info	NOUN
+on	ADP
+the	DET
+Elliotts	PROPN
+.	PUNCT
+
+Marie	PROPN
+
+CONGRATULATIONS	NOUN
+!!!!!!!	PUNCT
+
+We	PRON
+'ve	AUX
+been	AUX
+asking	VERB
+everyday	NOUN
+if	SCONJ
+anyone	PRON
+had	AUX
+heard	VERB
+if	SCONJ
+the	DET
+"	PUNCT
+Babies	PROPN
+Elliott	PROPN
+"	PUNCT
+had	AUX
+arrived	VERB
+.	PUNCT
+
+Glad	ADJ
+to	PART
+hear	VERB
+that	SCONJ
+they	PRON
+are	AUX
+all	ADV
+healthy	ADJ
+and	CCONJ
+were	AUX
+a	DET
+good	ADJ
+size	NOUN
+,	PUNCT
+and	CCONJ
+that	SCONJ
+Mom	NOUN
+is	AUX
+doing	VERB
+well	ADV
+.	PUNCT
+
+Look	VERB
+forward	ADV
+to	SCONJ
+seeing	VERB
+pictures	NOUN
+of	ADP
+the	DET
+little	ADJ
+ones	NOUN
+.	PUNCT
+
+I	PRON
+know	VERB
+you	PRON
+all	DET
+are	AUX
+going	VERB
+to	PART
+have	VERB
+so	ADV
+much	ADJ
+fun	NOUN
+with	ADP
+them	PRON
+.	PUNCT
+
+Hope	VERB
+you	PRON
+'ve	AUX
+been	AUX
+storing	VERB
+up	ADP
+sleep	NOUN
+,	PUNCT
+cause	SCONJ
+it	PRON
+looks	VERB
+like	SCONJ
+you	PRON
+wo	AUX
+n't	PART
+be	AUX
+getting	VERB
+much	ADJ
+for	ADP
+a	DET
+while	NOUN
+.	PUNCT
+
+Again	ADV
+,	PUNCT
+congratulations	NOUN
+.	PUNCT
+
+These	DET
+three	NUM
+little	ADJ
+ones	NOUN
+do	AUX
+n't	PART
+realize	VERB
+how	ADV
+lucky	ADJ
+they	PRON
+are	AUX
+to	PART
+have	VERB
+such	DET
+a	DET
+nice	ADJ
+Dad	NOUN
+,	PUNCT
+but	CCONJ
+I	PRON
+'m	AUX
+sure	ADJ
+they	PRON
+'ll	AUX
+find	VERB
+out	ADP
+soon	ADV
+.	PUNCT
+
+Take	VERB
+care	NOUN
+
+Marie	PROPN
+
+Ladies	NOUN
+and	CCONJ
+gentlemen	NOUN
+,	PUNCT
+
+This	PRON
+is	VERB
+just	ADV
+to	PART
+let	VERB
+you	PRON
+know	VERB
+that	SCONJ
+Emma	PROPN
+gave	VERB
+birth	NOUN
+at	ADP
+week	NOUN
+34	NUM
+on	ADP
+Friday	PROPN
+,	PUNCT
+6th	NOUN
+July	PROPN
+,	PUNCT
+to	ADP
+our	PRON
+triplets	NOUN
+:	PUNCT
+
+Benjamin	PROPN
+James	PROPN
+-	PUNCT
+at	ADP
+12.45	NUM
+pm	NOUN
+-	PUNCT
+3	NUM
+lbs	NOUN
+4	NUM
+ozs	NOUN
+
+Toby	PROPN
+William	PROPN
+-	PUNCT
+12.46	NUM
+pm	NOUN
+-	PUNCT
+4	NUM
+lbs	NOUN
+
+Hannah	PROPN
+May	PROPN
+-	PUNCT
+12.48	NUM
+pm	NOUN
+-	PUNCT
+3	NUM
+lbs	NOUN
+15	NUM
+ozs	NOUN
+.	PUNCT
+
+Although	SCONJ
+small	ADJ
+,	PUNCT
+they	PRON
+are	AUX
+all	ADV
+"	PUNCT
+fully	ADV
+functioning	ADJ
+"	PUNCT
+and	CCONJ
+very	ADV
+well	ADJ
+-	PUNCT
+they	PRON
+are	AUX
+in	ADP
+the	DET
+lowest	ADJ
+level	NOUN
+of	ADP
+special	ADJ
+care	NOUN
+(	PUNCT
+and	CCONJ
+they	PRON
+will	AUX
+probably	ADV
+be	AUX
+in	ADP
+there	ADV
+for	ADP
+another	DET
+two	NUM
+to	ADP
+four	NUM
+weeks	NOUN
+)	PUNCT
+until	SCONJ
+they	PRON
+can	AUX
+feed	VERB
+properly	ADV
+and	CCONJ
+maintain	VERB
+their	PRON
+weights	NOUN
+.	PUNCT
+
+Emma	PROPN
+is	AUX
+fine	ADJ
+,	PUNCT
+too	ADV
+-	PUNCT
+very	ADV
+well	ADJ
+!!	PUNCT
+
+All	DET
+the	DET
+best	ADJ
+and	CCONJ
+kind	ADJ
+regards	NOUN
+
+Mark	PROPN
+
+OOPS	INTJ
+!	PUNCT
+
+Attached	VERB
+are	AUX
+the	DET
+fax	NOUN
+cover	NOUN
+pages	NOUN
+for	ADP
+each	DET
+of	ADP
+the	DET
+Nylon	PROPN
+and	CCONJ
+Polykron	PROPN
+Deemed	PROPN
+ISDAs	PROPN
+I	PRON
+just	ADV
+sent	VERB
+you	PRON
+.	PUNCT
+
+Marie	PROPN
+
+Rebecca	PROPN
+:	PUNCT
+
+I	PRON
+am	AUX
+attaching	VERB
+a	DET
+clean	ADJ
+and	CCONJ
+blacklined	VERB
+version	NOUN
+of	ADP
+the	DET
+proposed	VERB
+resolutions	NOUN
+authorizing	VERB
+the	DET
+opening	NOUN
+of	ADP
+brokerage	NOUN
+accounts	NOUN
+.	PUNCT
+
+I	PRON
+have	AUX
+attempted	VERB
+to	PART
+revise	VERB
+them	PRON
+to	PART
+make	VERB
+them	PRON
+clearer	ADJ
+.	PUNCT
+
+Perhaps	ADV
+Jim	PROPN
+Armogida	PROPN
+can	AUX
+assist	VERB
+in	SCONJ
+revising	VERB
+them	PRON
+as	SCONJ
+I	PRON
+am	AUX
+sure	ADJ
+he	PRON
+is	AUX
+more	ADV
+familiar	ADJ
+with	ADP
+the	DET
+way	NOUN
+Enron	PROPN
+Corp.	PROPN
+likes	VERB
+their	PRON
+resolutions	NOUN
+drafted	VERB
+than	SCONJ
+we	PRON
+are	VERB
+.	PUNCT
+
+Let	VERB
+me	PRON
+know	VERB
+if	SCONJ
+you	PRON
+have	VERB
+any	DET
+questions	NOUN
+or	CCONJ
+need	VERB
+anything	PRON
+else	ADJ
+.	PUNCT
+
+Marie	PROPN
+x33907	NOUN
+
+Turn	VERB
+up	ADP
+your	PRON
+sound	NOUN
+a	DET
+bit	NOUN
+.	PUNCT
+
+Hi	INTJ
+,	PUNCT
+Liz	PROPN
+:	PUNCT
+
+Thanks	NOUN
+!	PUNCT
+
+Marie	PROPN
+
+Marie	PROPN
+Heard	PROPN
+Senior	ADJ
+Legal	ADJ
+Specialist	NOUN
+
+Ms.	PROPN
+Marquez	PROPN
+:	PUNCT
+
+I	PRON
+am	AUX
+following	VERB
+up	ADP
+regarding	VERB
+the	DET
+status	NOUN
+of	ADP
+our	PRON
+comments	NOUN
+to	ADP
+the	DET
+form	NOUN
+of	ADP
+guaranty	NOUN
+for	ADP
+Pemex	PROPN
+that	PRON
+you	PRON
+provided	VERB
+to	ADP
+Lucy	PROPN
+Ortiz	PROPN
+.	PUNCT
+
+Please	INTJ
+do	AUX
+not	PART
+hesitate	VERB
+to	PART
+contact	VERB
+either	CCONJ
+Francisco	PROPN
+Pinto	PROPN
+-	PUNCT
+Leite	PROPN
+or	CCONJ
+me	PRON
+with	ADP
+any	DET
+questions	NOUN
+or	CCONJ
+comments	NOUN
+.	PUNCT
+
+We	PRON
+look	VERB
+forward	ADV
+to	SCONJ
+hearing	VERB
+your	PRON
+comments	NOUN
+.	PUNCT
+
+Marie	PROPN
+Heard	PROPN
+Senior	ADJ
+Legal	ADJ
+Specialist	NOUN
+
+Ms.	PROPN
+Marquez	PROPN
+:	PUNCT
+
+Attached	VERB
+are	AUX
+an	DET
+original	ADJ
+and	CCONJ
+blacklined	VERB
+copy	NOUN
+of	ADP
+your	PRON
+form	NOUN
+of	ADP
+guaranty	NOUN
+,	PUNCT
+which	PRON
+reflect	VERB
+our	PRON
+comments	NOUN
+.	PUNCT
+
+Please	INTJ
+do	AUX
+not	PART
+hesitate	VERB
+to	PART
+contact	VERB
+either	CCONJ
+Francisco	PROPN
+Pinto	PROPN
+-	PUNCT
+Leite	PROPN
+,	PUNCT
+Senior	ADJ
+Counsel	NOUN
+(	PUNCT
+713/345-7942	NUM
+;	PUNCT
+francisco.pinto.leite@enron.com	X
+)	PUNCT
+or	CCONJ
+me	PRON
+with	ADP
+any	DET
+questions	NOUN
+or	CCONJ
+comments	NOUN
+.	PUNCT
+
+Thank	VERB
+you	PRON
+for	ADP
+your	PRON
+assistance	NOUN
+.	PUNCT
+
+Marie	PROPN
+Heard	PROPN
+Senior	ADJ
+Legal	ADJ
+Specialist	NOUN
+
+Tanya	PROPN
+:	PUNCT
+
+I	PRON
+received	VERB
+this	DET
+draft	NOUN
+from	ADP
+Niagara	PROPN
+Mohawk	PROPN
+Marketing	PROPN
+,	PUNCT
+Inc.	PROPN
+for	ADP
+our	PRON
+review	NOUN
+.	PUNCT
+
+Will	AUX
+you	PRON
+pass	VERB
+along	ADV
+to	ADP
+the	DET
+appropriate	ADJ
+person	NOUN
+?	PUNCT
+
+Thanks	NOUN
+!	PUNCT
+
+Marie	PROPN
+
+Marie	PROPN
+-	PUNCT
+
+per	ADP
+our	PRON
+conversation	NOUN
+yesterday	NOUN
+afternoon	NOUN
+,	PUNCT
+attached	VERB
+are	AUX
+proposed	VERB
+drafts	NOUN
+of	ADP
+the	DET
+Schedule	NOUN
+and	CCONJ
+the	DET
+Para.	NOUN
+13	NUM
+relative	ADV
+to	ADP
+the	DET
+above	NOUN
+.	PUNCT
+
+Having	AUX
+spoken	VERB
+with	ADP
+Dennis	PROPN
+Goldmann	PROPN
+,	PUNCT
+I	PRON
+am	AUX
+advised	VERB
+that	SCONJ
+there	PRON
+are	VERB
+currently	ADV
+2	NUM
+Guaranties	NOUN
+in	ADP
+place	NOUN
+in	ADP
+the	DET
+sum	NOUN
+of	ADP
+$	SYM
+8	NUM
+M	NUM
+each	DET
+:	PUNCT
+one	NUM
+by	ADP
+Niagara	PROPN
+Mohawk	PROPN
+Holdings	PROPN
+Inc	PROPN
+f	ADP
+/	PUNCT
+b	NOUN
+/	PUNCT
+o	ADP
+Enron	PROPN
+,	PUNCT
+and	CCONJ
+one	NUM
+by	ADP
+Enron	PROPN
+Inc.	PROPN
+f	ADP
+/	PUNCT
+b	NOUN
+/	PUNCT
+o	ADP
+Niagara	PROPN
+Mohawk	PROPN
+Energy	PROPN
+Marketing	PROPN
+.	PUNCT
+
+I	PRON
+am	AUX
+told	VERB
+that	SCONJ
+our	PRON
+respective	ADJ
+credit	NOUN
+departments	NOUN
+want	VERB
+to	PART
+raise	VERB
+the	DET
+credit	NOUN
+lines	NOUN
+to	ADP
+$	SYM
+10	NUM
+M	NUM
+for	ADP
+each	DET
+party	NOUN
+,	PUNCT
+but	CCONJ
+to	ADP
+effect	NOUN
+that	SCONJ
+we	PRON
+will	AUX
+have	VERB
+to	PART
+modify	VERB
+the	DET
+existing	VERB
+Guaranties	NOUN
+accordingly	ADV
+.	PUNCT
+
+Let	VERB
+me	PRON
+know	VERB
+if	SCONJ
+this	PRON
+is	AUX
+your	PRON
+understanding	NOUN
+,	PUNCT
+as	ADV
+well	ADV
+.	PUNCT
+
+After	SCONJ
+you	PRON
+have	AUX
+had	VERB
+the	DET
+chance	NOUN
+to	PART
+review	VERB
+the	DET
+attached	VERB
+,	PUNCT
+please	INTJ
+send	VERB
+me	PRON
+a	DET
+marked	VERB
+-	PUNCT
+up	ADP
+draft	NOUN
+and	CCONJ
+we	PRON
+can	AUX
+discuss	VERB
+our	PRON
+concerns	NOUN
+from	ADP
+there	ADV
+.	PUNCT
+
+Should	AUX
+you	PRON
+have	VERB
+any	DET
+questions	NOUN
+,	PUNCT
+feel	VERB
+free	ADJ
+to	PART
+call	VERB
+me	PRON
+.	PUNCT
+
+I	PRON
+can	AUX
+be	AUX
+reached	VERB
+at	ADP
+315-460-3344	NUM
+.	PUNCT
+
+Any	DET
+credit	NOUN
+concerns	NOUN
+can	AUX
+be	AUX
+discussed	VERB
+with	ADP
+Dennis	PROPN
+Goldmann	PROPN
+,	PUNCT
+who	PRON
+can	AUX
+be	AUX
+reached	VERB
+at	ADP
+315-460-3349	NUM
+.	PUNCT
+
+I	PRON
+look	VERB
+forward	ADV
+to	SCONJ
+hearing	VERB
+from	ADP
+you	PRON
+.	PUNCT
+
+Patty	PROPN
+Snyder	PROPN
+
+(	PUNCT
+See	VERB
+attached	VERB
+file	NOUN
+:	PUNCT
+ENRON	X
+-	X
+SCHEDULE	X
+(	X
+nmemdrft8-7-01	X
+)	X
+.doc	NOUN
+)	PUNCT
+(	PUNCT
+See	VERB
+attached	VERB
+file	NOUN
+:	PUNCT
+ENRON	X
+-	X
+Para13	X
+(	X
+nmemdrft8-7-01	X
+)	X
+.doc	NOUN
+)	PUNCT
+
+-	PUNCT
+ENRON	X
+-	X
+SCHEDULE	X
+(	X
+nmemdrft8-7-01	X
+)	X
+.doc	NOUN
+
+-	PUNCT
+ENRON	X
+-	X
+Para13	X
+(	X
+nmemdrft8-7-01	X
+)	X
+.doc	NOUN
+
+Hi	INTJ
+Marie	PROPN
+
+Did	AUX
+you	PRON
+get	VERB
+a	DET
+chance	NOUN
+to	PART
+find	VERB
+those	DET
+GTC's	NOUN
+for	ADP
+ENA	NOUN
+that	PRON
+you	PRON
+can	AUX
+forward	VERB
+this	DET
+way	NOUN
+?	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+I	PRON
+know	VERB
+you	PRON
+are	AUX
+busy	ADJ
+.	PUNCT
+
+Tracy	PROPN
+
+Jeff	PROPN
+:	PUNCT
+
+Attached	VERB
+are	VERB
+the	DET
+draft	NOUN
+Schedule	NOUN
+to	ADP
+the	DET
+ISDA	PROPN
+Master	NOUN
+Agreement	NOUN
+,	PUNCT
+together	ADV
+with	ADP
+Paragraph	NOUN
+13	NUM
+to	ADP
+the	DET
+ISDA	PROPN
+Credit	NOUN
+Support	NOUN
+Annex	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+putting	VERB
+the	DET
+credit	NOUN
+worksheet	NOUN
+on	ADP
+the	DET
+fax	NOUN
+machine	NOUN
+to	ADP
+you	PRON
+as	ADV
+soon	ADV
+as	SCONJ
+I	PRON
+send	VERB
+this	DET
+message	NOUN
+.	PUNCT
+
+Let	VERB
+me	PRON
+know	VERB
+if	SCONJ
+you	PRON
+have	VERB
+any	DET
+questions	NOUN
+or	CCONJ
+need	VERB
+anything	PRON
+else	ADJ
+.	PUNCT
+
+Marie	PROPN
+x33907	NOUN
+
+Hi	INTJ
+everyone	PRON
+,	PUNCT
+
+I	PRON
+just	ADV
+got	VERB
+of	ADP
+the	DET
+phone	NOUN
+with	ADP
+Hai	PROPN
+and	CCONJ
+he	PRON
+told	VERB
+me	PRON
+how	ADV
+to	PART
+make	VERB
+an	DET
+adjustment	NOUN
+on	ADP
+a	DET
+day	NOUN
+to	ADP
+day	NOUN
+basis	NOUN
+in	ADP
+regards	NOUN
+to	ADP
+incorrect	ADJ
+liquidations	NOUN
+but	CCONJ
+he	PRON
+also	ADV
+explained	VERB
+this	PRON
+is	VERB
+just	ADV
+to	PART
+make	VERB
+the	DET
+daily	ADJ
+P&L	NOUN
+#'s	NOUN
+right	ADJ
+,	PUNCT
+if	SCONJ
+nothing	PRON
+were	AUX
+done	VERB
+the	DET
+month	NOUN
+end	NOUN
+P&L	NOUN
+would	AUX
+still	ADV
+somehow	ADV
+work	VERB
+out	ADP
+because	SCONJ
+adjustments	NOUN
+would	AUX
+be	AUX
+made	VERB
+.	PUNCT
+
+Does	AUX
+this	PRON
+mean	VERB
+that	SCONJ
+for	ADP
+June	PROPN
+and	CCONJ
+for	ADP
+a	DET
+certain	ADJ
+portion	NOUN
+of	ADP
+July	PROPN
+we	PRON
+should	AUX
+not	PART
+do	VERB
+anything	PRON
+and	CCONJ
+just	ADV
+make	VERB
+adjustments	NOUN
+on	ADP
+a	DET
+going	VERB
+forward	ADV
+basis	NOUN
+(	PUNCT
+and	CCONJ
+assume	VERB
+everything	PRON
+will	AUX
+work	VERB
+out	ADP
+at	ADP
+month	NOUN
+end	NOUN
+)	PUNCT
+?	PUNCT
+
+If	SCONJ
+this	PRON
+is	AUX
+the	DET
+case	NOUN
+I	PRON
+would	AUX
+like	VERB
+someone	PRON
+to	PART
+walk	VERB
+me	PRON
+through	ADP
+June	PROPN
+to	PART
+see	VERB
+if	SCONJ
+the	DET
+numbers	NOUN
+did	AUX
+really	ADV
+work	VERB
+themselves	PRON
+out	ADP
+as	SCONJ
+there	PRON
+was	VERB
+a	DET
+large	ADJ
+swing	NOUN
+in	ADP
+second	ADJ
+order	NOUN
+on	ADP
+June	PROPN
+29	NUM
+that	PRON
+was	AUX
+not	PART
+adjusted	VERB
+for	ADP
+.	PUNCT
+
+Let	VERB
+me	PRON
+know	VERB
+if	SCONJ
+one	NUM
+of	ADP
+you	PRON
+could	AUX
+help	VERB
+me	PRON
+do	VERB
+this	PRON
+.	PUNCT
+
+Karim	PROPN
+.	PUNCT
+
+Evidently	ADV
+,	PUNCT
+this	PRON
+a	DET
+problem	NOUN
+that	PRON
+Stacey	PROPN
+White	PROPN
+has	AUX
+been	AUX
+aware	ADJ
+of	ADP
+for	ADP
+a	DET
+couple	NOUN
+of	ADP
+months	NOUN
+now	ADV
+.	PUNCT
+
+There	PRON
+was	VERB
+a	DET
+change	NOUN
+made	VERB
+in	ADP
+the	DET
+coding	NOUN
+for	ADP
+the	DET
+delta	NOUN
+position	NOUN
+and	CCONJ
+this	PRON
+has	AUX
+somehow	ADV
+messed	VERB
+up	ADP
+the	DET
+liq	NOUN
+value	NOUN
+.	PUNCT
+
+John	PROPN
+
+John	PROPN
+,	PUNCT
+Karim	PROPN
+,	PUNCT
+
+I	PRON
+'m	AUX
+now	ADV
+looking	VERB
+closely	ADV
+at	ADP
+the	DET
+option	NOUN
+liquidation	NOUN
+problems	NOUN
+.	PUNCT
+
+I	PRON
+believe	VERB
+that	SCONJ
+there	PRON
+might	AUX
+be	VERB
+a	DET
+sign	NOUN
+-	PUNCT
+flipping	NOUN
+problem	NOUN
+for	ADP
+PUTS	NOUN
+that	PRON
+'s	AUX
+causing	VERB
+this	DET
+whole	ADJ
+issue	NOUN
+.	PUNCT
+
+I	PRON
+'ll	AUX
+keep	VERB
+you	PRON
+posted	ADJ
+.	PUNCT
+
+Karim	PROPN
+-	PUNCT
+this	PRON
+'s	AUX
+likely	ADV
+the	DET
+explanation	NOUN
+to	ADP
+your	PRON
+other	ADJ
+question	NOUN
+...	PUNCT
+
+I	PRON
+'ll	AUX
+get	VERB
+back	ADV
+to	ADP
+you	PRON
+as	ADV
+soon	ADV
+as	SCONJ
+I	PRON
+have	VERB
+more	ADJ
+info	NOUN
+(	PUNCT
+hopefully	ADV
+later	ADV
+today	NOUN
+)	PUNCT
+
+Marcelo	PROPN
+L.	PROPN
+Meira	PROPN
+Sr	ADJ
+IT	NOUN
+Developer	NOUN
+Enron	PROPN
+Networks	PROPN
+-	PUNCT
+Houston	PROPN
+,	PUNCT
+TX	PROPN
+(	PUNCT
+713	NUM
+)	PUNCT
+345-3436	NUM
+
+The	DET
+post	NOUN
+id	NOUN
+I	PRON
+am	AUX
+looking	VERB
+at	ADP
+for	ADP
+Calgary	PROPN
+is	AUX
+11608	NUM
+.	PUNCT
+
+I	PRON
+am	AUX
+looking	VERB
+at	ADP
+the	DET
+option	NOUN
+liquidation	NOUN
+report	NOUN
+and	CCONJ
+all	DET
+of	ADP
+the	DET
+$	SYM
+65	NUM
+puts	NOUN
+are	AUX
+in	ADP
+the	DET
+money	NOUN
+and	CCONJ
+the	DET
+$	SYM
+75	NUM
+call	NOUN
+is	AUX
+also	ADV
+in	ADP
+the	DET
+money	NOUN
+.	PUNCT
+
+Should	AUX
+n't	PART
+all	DET
+the	DET
+liquidation	NOUN
+values	NOUN
+from	ADP
+the	DET
+beginning	NOUN
+of	ADP
+the	DET
+month	NOUN
+be	AUX
+a	DET
+negative	NOUN
+(	PUNCT
+representing	VERB
+positive	ADJ
+liquidation	NOUN
+)	PUNCT
+for	ADP
+the	DET
+puts	NOUN
+?	PUNCT
+
+The	DET
+liq	NOUN
+value	NOUN
+for	ADP
+the	DET
+call	NOUN
+is	AUX
+CORRECT	ADJ
+.	PUNCT
+
+John	PROPN
+
+Karim	PROPN
+,	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+want	VERB
+to	PART
+wait	VERB
+till	ADP
+month	NOUN
+end	NOUN
+,	PUNCT
+let	VERB
+'s	PRON
+adjust	VERB
+the	DET
+numbers	NOUN
+now	ADV
+and	CCONJ
+for	ADP
+the	DET
+June	PROPN
+29	NUM
+2nd	ADJ
+order	NOUN
+,	PUNCT
+let	VERB
+s	PRON
+take	VERB
+that	DET
+value	NOUN
+into	ADP
+June	PROPN
+since	SCONJ
+it	PRON
+relates	VERB
+to	ADP
+July	PROPN
+puts	NOUN
+.	PUNCT
+
+Hi	INTJ
+everyone	PRON
+,	PUNCT
+
+I	PRON
+just	ADV
+got	VERB
+of	ADP
+the	DET
+phone	NOUN
+with	ADP
+Hai	PROPN
+and	CCONJ
+he	PRON
+told	VERB
+me	PRON
+how	ADV
+to	PART
+make	VERB
+an	DET
+adjustment	NOUN
+on	ADP
+a	DET
+day	NOUN
+to	ADP
+day	NOUN
+basis	NOUN
+in	ADP
+regards	NOUN
+to	ADP
+incorrect	ADJ
+liquidations	NOUN
+but	CCONJ
+he	PRON
+also	ADV
+explained	VERB
+this	PRON
+is	VERB
+just	ADV
+to	PART
+make	VERB
+the	DET
+daily	ADJ
+P&L	NOUN
+#'s	NOUN
+right	ADJ
+,	PUNCT
+if	SCONJ
+nothing	PRON
+were	AUX
+done	VERB
+the	DET
+month	NOUN
+end	NOUN
+P&L	NOUN
+would	AUX
+still	ADV
+somehow	ADV
+work	VERB
+out	ADP
+because	SCONJ
+adjustments	NOUN
+would	AUX
+be	AUX
+made	VERB
+.	PUNCT
+
+Does	AUX
+this	PRON
+mean	VERB
+that	SCONJ
+for	ADP
+June	PROPN
+and	CCONJ
+for	ADP
+a	DET
+certain	ADJ
+portion	NOUN
+of	ADP
+July	PROPN
+we	PRON
+should	AUX
+not	PART
+do	VERB
+anything	PRON
+and	CCONJ
+just	ADV
+make	VERB
+adjustments	NOUN
+on	ADP
+a	DET
+going	VERB
+forward	ADV
+basis	NOUN
+(	PUNCT
+and	CCONJ
+assume	VERB
+everything	PRON
+will	AUX
+work	VERB
+out	ADP
+at	ADP
+month	NOUN
+end	NOUN
+)	PUNCT
+?	PUNCT
+
+If	SCONJ
+this	PRON
+is	AUX
+the	DET
+case	NOUN
+I	PRON
+would	AUX
+like	VERB
+someone	PRON
+to	PART
+walk	VERB
+me	PRON
+through	ADP
+June	PROPN
+to	PART
+see	VERB
+if	SCONJ
+the	DET
+numbers	NOUN
+did	AUX
+really	ADV
+work	VERB
+themselves	PRON
+out	ADP
+as	SCONJ
+there	PRON
+was	VERB
+a	DET
+large	ADJ
+swing	NOUN
+in	ADP
+second	ADJ
+order	NOUN
+on	ADP
+June	PROPN
+29	NUM
+that	PRON
+was	AUX
+not	PART
+adjusted	VERB
+for	ADP
+.	PUNCT
+
+Let	VERB
+me	PRON
+know	VERB
+if	SCONJ
+one	NUM
+of	ADP
+you	PRON
+could	AUX
+help	VERB
+me	PRON
+do	VERB
+this	PRON
+.	PUNCT
+
+Karim	PROPN
+.	PUNCT
+
+Evidently	ADV
+,	PUNCT
+this	PRON
+a	DET
+problem	NOUN
+that	PRON
+Stacey	PROPN
+White	PROPN
+has	AUX
+been	AUX
+aware	ADJ
+of	ADP
+for	ADP
+a	DET
+couple	NOUN
+of	ADP
+months	NOUN
+now	ADV
+.	PUNCT
+
+There	PRON
+was	VERB
+a	DET
+change	NOUN
+made	VERB
+in	ADP
+the	DET
+coding	NOUN
+for	ADP
+the	DET
+delta	NOUN
+position	NOUN
+and	CCONJ
+this	PRON
+has	AUX
+somehow	ADV
+messed	VERB
+up	ADP
+the	DET
+liq	NOUN
+value	NOUN
+.	PUNCT
+
+John	PROPN
+
+John	PROPN
+,	PUNCT
+Karim	PROPN
+,	PUNCT
+
+I	PRON
+'m	AUX
+now	ADV
+looking	VERB
+closely	ADV
+at	ADP
+the	DET
+option	NOUN
+liquidation	NOUN
+problems	NOUN
+.	PUNCT
+
+I	PRON
+believe	VERB
+that	SCONJ
+there	PRON
+might	AUX
+be	VERB
+a	DET
+sign	NOUN
+-	PUNCT
+flipping	NOUN
+problem	NOUN
+for	ADP
+PUTS	NOUN
+that	PRON
+'s	AUX
+causing	VERB
+this	DET
+whole	ADJ
+issue	NOUN
+.	PUNCT
+
+I	PRON
+'ll	AUX
+keep	VERB
+you	PRON
+posted	ADJ
+.	PUNCT
+
+Karim	PROPN
+-	PUNCT
+this	PRON
+'s	AUX
+likely	ADV
+the	DET
+explanation	NOUN
+to	ADP
+your	PRON
+other	ADJ
+question	NOUN
+...	PUNCT
+
+I	PRON
+'ll	AUX
+get	VERB
+back	ADV
+to	ADP
+you	PRON
+as	ADV
+soon	ADV
+as	SCONJ
+I	PRON
+have	VERB
+more	ADJ
+info	NOUN
+(	PUNCT
+hopefully	ADV
+later	ADV
+today	NOUN
+)	PUNCT
+
+Marcelo	PROPN
+L.	PROPN
+Meira	PROPN
+Sr	ADJ
+IT	NOUN
+Developer	NOUN
+Enron	PROPN
+Networks	PROPN
+-	PUNCT
+Houston	PROPN
+,	PUNCT
+TX	PROPN
+(	PUNCT
+713	NUM
+)	PUNCT
+345-3436	NUM
+
+The	DET
+post	NOUN
+id	NOUN
+I	PRON
+am	AUX
+looking	VERB
+at	ADP
+for	ADP
+Calgary	PROPN
+is	AUX
+11608	NUM
+.	PUNCT
+
+I	PRON
+am	AUX
+looking	VERB
+at	ADP
+the	DET
+option	NOUN
+liquidation	NOUN
+report	NOUN
+and	CCONJ
+all	DET
+of	ADP
+the	DET
+$	SYM
+65	NUM
+puts	NOUN
+are	AUX
+in	ADP
+the	DET
+money	NOUN
+and	CCONJ
+the	DET
+$	SYM
+75	NUM
+call	NOUN
+is	AUX
+also	ADV
+in	ADP
+the	DET
+money	NOUN
+.	PUNCT
+
+Should	AUX
+n't	PART
+all	DET
+the	DET
+liquidation	NOUN
+values	NOUN
+from	ADP
+the	DET
+beginning	NOUN
+of	ADP
+the	DET
+month	NOUN
+be	AUX
+a	DET
+negative	NOUN
+(	PUNCT
+representing	VERB
+positive	ADJ
+liquidation	NOUN
+)	PUNCT
+for	ADP
+the	DET
+puts	NOUN
+?	PUNCT
+
+The	DET
+liq	NOUN
+value	NOUN
+for	ADP
+the	DET
+call	NOUN
+is	AUX
+CORRECT	ADJ
+.	PUNCT
+
+John	PROPN
+
+unable	ADJ
+to	PART
+attend	VERB
+at	ADP
+that	DET
+time	NOUN
+due	ADP
+to	ADP
+a	DET
+prior	ADJ
+appointment	NOUN
+,	PUNCT
+I	PRON
+can	AUX
+meet	VERB
+with	ADP
+you	PRON
+individually	ADV
+later	ADV
+some	DET
+time	NOUN
+
+OK	INTJ
+,	PUNCT
+now	ADV
+that	SCONJ
+I	PRON
+'ve	AUX
+got	VERB
+your	PRON
+attention	NOUN
+-	PUNCT
+I	PRON
+really	ADV
+am	AUX
+offering	VERB
+free	ADJ
+lunch	NOUN
+!	PUNCT
+
+I	PRON
+would	AUX
+like	VERB
+to	PART
+informally	ADV
+get	VERB
+together	ADV
+with	ADP
+you	PRON
+on	ADP
+Wednesday	PROPN
+,	PUNCT
+July	PROPN
+18	NUM
+at	ADP
+11:45	NUM
+am	NOUN
+-	SYM
+1:00	NUM
+pm	NOUN
+(	PUNCT
+max	NOUN
+)	PUNCT
+to	PART
+talk	VERB
+about	ADP
+your	PRON
+recruiting	NOUN
+experience	NOUN
+with	ADP
+Enron	PROPN
+Canada	PROPN
+.	PUNCT
+
+We	PRON
+'re	AUX
+gearing	VERB
+up	ADP
+for	ADP
+our	PRON
+2001	NUM
+/	PUNCT
+02	NUM
+recruiting	NOUN
+campaign	NOUN
+and	CCONJ
+we	PRON
+think	VERB
+your	PRON
+experience	NOUN
+will	AUX
+help	VERB
+us	PRON
+define	VERB
+what	PRON
+works	VERB
+best	ADV
+and	CCONJ
+what	PRON
+can	AUX
+be	AUX
+improved	VERB
+in	ADP
+our	PRON
+process	NOUN
+.	PUNCT
+
+For	ADP
+those	PRON
+of	ADP
+you	PRON
+in	ADP
+Toronto	PROPN
+,	PUNCT
+I	PRON
+apologize	VERB
+for	SCONJ
+not	ADV
+being	AUX
+able	ADJ
+to	PART
+schedule	VERB
+this	PRON
+over	ADP
+your	PRON
+lunch	NOUN
+time	NOUN
+!	PUNCT
+
+However	ADV
+,	PUNCT
+if	SCONJ
+you	PRON
+can	AUX
+wait	VERB
+til	ADP
+2:00	NUM
+pm	NOUN
+to	PART
+eat	VERB
+,	PUNCT
+go	VERB
+ahead	ADV
+and	CCONJ
+grab	VERB
+something	PRON
+and	CCONJ
+expense	VERB
+it	PRON
+!	PUNCT
+
+We	PRON
+'ll	AUX
+hook	VERB
+you	PRON
+guys	NOUN
+in	ADP
+by	ADP
+videoconference	NOUN
+.	PUNCT
+
+I	PRON
+'ve	AUX
+booked	VERB
+Videoconference	NOUN
+Room	NOUN
+#	NOUN
+1	NUM
+.	PUNCT
+
+Please	INTJ
+let	VERB
+me	PRON
+know	VERB
+whether	SCONJ
+or	CCONJ
+not	ADV
+you	PRON
+can	AUX
+attend	VERB
+so	SCONJ
+I	PRON
+can	AUX
+order	VERB
+enough	ADJ
+food	NOUN
+.	PUNCT
+
+Thanks	NOUN
+!!	PUNCT
+
+should	AUX
+be	AUX
+ok	ADJ
+
+Kindly	ADV
+confirm	VERB
+your	PRON
+availability	NOUN
+to	PART
+attend	VERB
+an	DET
+Analyst	NOUN
+and	CCONJ
+Associate	NOUN
+Recruiting	NOUN
+Meeting	NOUN
+scheduled	VERB
+for	ADP
+Thursday	PROPN
+,	PUNCT
+July	PROPN
+26th	NOUN
+at	ADP
+2:00	NUM
+p.m.	NOUN
+(	PUNCT
+4:00	NUM
+p.m.	NOUN
+Toronto	PROPN
+time	NOUN
+)	PUNCT
+.	PUNCT
+
+This	DET
+meeting	NOUN
+should	AUX
+not	PART
+take	VERB
+more	ADJ
+than	ADP
+one	NUM
+hour	NOUN
+.	PUNCT
+
+The	DET
+Toronto	PROPN
+office	NOUN
+will	AUX
+be	AUX
+video	NOUN
+conferenced	VERB
+in	ADV
+.	PUNCT
+
+Regards	NOUN
+,	PUNCT
+
+Nella	PROPN
+
+Let	VERB
+s	PRON
+try	VERB
+before	ADP
+Fri	PROPN
+,	PUNCT
+as	SCONJ
+I	PRON
+am	AUX
+planning	VERB
+to	PART
+take	VERB
+that	DET
+day	NOUN
+off	ADV
+
+Attached	VERB
+is	AUX
+the	DET
+revised	VERB
+draft	NOUN
+paper	NOUN
+that	PRON
+reflects	VERB
+our	PRON
+conference	NOUN
+call	NOUN
+with	ADP
+Bob	PROPN
+Fagan	PROPN
+earlier	ADV
+this	DET
+week	NOUN
+.	PUNCT
+
+I	PRON
+propose	VERB
+we	PRON
+have	VERB
+a	DET
+conference	NOUN
+call	NOUN
+with	ADP
+Bob	PROPN
+Fagan	PROPN
+on	ADP
+Fri	PROPN
+July	PROPN
+20	NUM
+at	ADP
+1:00	NUM
+pm	NOUN
+Calgary	PROPN
+time	NOUN
+to	PART
+discuss	VERB
+any	DET
+areas	NOUN
+of	ADP
+concern	NOUN
+/	PUNCT
+confusion	NOUN
+you	PRON
+may	AUX
+have	VERB
+.	PUNCT
+
+Also	ADV
+,	PUNCT
+would	AUX
+those	PRON
+of	ADP
+you	PRON
+who	PRON
+have	AUX
+not	PART
+responded	VERB
+to	ADP
+me	PRON
+via	ADP
+email	NOUN
+confirming	VERB
+your	PRON
+acceptance	NOUN
+of	ADP
+the	DET
+terms	NOUN
+upon	ADP
+which	PRON
+our	PRON
+four	NUM
+companies	NOUN
+have	AUX
+agreed	VERB
+to	PART
+assume	VERB
+cost	NOUN
+responsibility	NOUN
+for	ADP
+the	DET
+TCA	NOUN
+work	VERB
+on	ADP
+this	PRON
+.	PUNCT
+
+Attached	VERB
+is	AUX
+the	DET
+letter	NOUN
+I	PRON
+originally	ADV
+sent	VERB
+to	ADP
+you	PRON
+on	ADP
+May	PROPN
+10	NUM
+in	ADP
+this	DET
+regard	NOUN
+.	PUNCT
+
+<<	PUNCT
+File	NOUN
+:	PUNCT
+Tabors	X
+Conflict	X
+Letter	X
+Alberta	X
+Export	X
+050901.doc	NOUN
+>>	PUNCT
+
+Regards	NOUN
+,	PUNCT
+
+Rob	PROPN
+
+Rob	PROPN
+,	PUNCT
+
+This	DET
+draft	NOUN
+reflects	VERB
+the	DET
+changes	NOUN
+we	PRON
+discussed	VERB
+during	ADP
+our	PRON
+call	NOUN
+the	DET
+other	ADJ
+day	NOUN
+.	PUNCT
+
+I	PRON
+'ve	AUX
+also	ADV
+included	VERB
+a	DET
+redlined	VERB
+draft	NOUN
+showing	VERB
+changes	NOUN
+.	PUNCT
+
+Regards	NOUN
+,	PUNCT
+
+Bob	PROPN
+
+<<	PUNCT
+Alberta	X
+Transmission	X
+Access	X
+and	X
+Pricing	X
+Analysis_0712	X
+.doc	NOUN
+>>	PUNCT
+
+<<	PUNCT
+Alberta	X
+Transmission	X
+Access	X
+and	X
+Pricing	X
+Analysis_0712	X
+redlined	X
+.doc	NOUN
+>>	PUNCT
+
+-	PUNCT
+Alberta	X
+Transmission	X
+Access	X
+and	X
+Pricing	X
+Analysis_0712	X
+.doc	NOUN
+<<	PUNCT
+File	NOUN
+:	PUNCT
+Alberta	X
+Transmission	X
+Access	X
+and	X
+Pricing	X
+Analysis_0712	X
+.doc	NOUN
+>>	PUNCT
+
+-	PUNCT
+Alberta	X
+Transmission	X
+Access	X
+and	X
+Pricing	X
+Analysis_0712	X
+redlined	X
+.doc	NOUN
+<<	PUNCT
+File	NOUN
+:	PUNCT
+Alberta	X
+Transmission	X
+Access	X
+and	X
+Pricing	X
+Analysis_0712	X
+redlined	X
+.doc	NOUN
+>>	PUNCT
+
+NO	INTJ
+
+Hi	INTJ
+John	PROPN
+,	PUNCT
+
+With	ADP
+reference	NOUN
+to	ADP
+Article	NOUN
+5	NUM
+,	PUNCT
+section	NOUN
+5.1	NUM
+(	PUNCT
+b	NOUN
+)	PUNCT
+,	PUNCT
+are	AUX
+we	PRON
+going	VERB
+to	PART
+propose	VERB
+an	DET
+alternative	ADJ
+planned	VERB
+outage	NOUN
+to	ADP
+TAU	NOUN
+for	ADP
+next	ADJ
+year	NOUN
+?	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Mike	PROPN
+
+"	PUNCT
+Katie	PROPN
+Kaplan	PROPN
+"	PUNCT
+<	PUNCT
+kaplan@iepa.com	X
+>	PUNCT
+
+10/27/2000	NUM
+06:20	NUM
+PM	NOUN
+
+Please	INTJ
+respond	VERB
+to	ADP
+kaplan	PROPN
+
+Greetings	NOUN
+:	PUNCT
+
+IEP	PROPN
+will	AUX
+be	AUX
+hosting	VERB
+a	DET
+dinner	NOUN
+for	ADP
+California	PROPN
+Governor	PROPN
+Gray	PROPN
+Davis	PROPN
+on	ADP
+Thursday	PROPN
+,	PUNCT
+December	PROPN
+7	NUM
+,	PUNCT
+2000	NUM
+at	ADP
+the	DET
+historic	ADJ
+Julia	PROPN
+Morgan	PROPN
+House	PROPN
+in	ADP
+Sacramento	PROPN
+.	PUNCT
+
+We	PRON
+will	AUX
+be	AUX
+targeting	VERB
+to	PART
+raise	VERB
+at	ADV
+least	ADV
+$	SYM
+100,000	NUM
+so	ADV
+company	NOUN
+contributions	NOUN
+will	AUX
+range	VERB
+from	ADP
+$	SYM
+10,000	NUM
+-	SYM
+$	SYM
+20,000	NUM
+per	ADP
+person	NOUN
+(	PUNCT
+$	SYM
+10	NUM
+k	NUM
+minimum	NOUN
+per	ADP
+person	NOUN
+)	PUNCT
+depending	VERB
+on	ADP
+the	DET
+number	NOUN
+of	ADP
+respondents	NOUN
+.	PUNCT
+
+We	PRON
+have	AUX
+already	ADV
+received	VERB
+firm	ADJ
+commitments	NOUN
+from	ADP
+3	NUM
+companies	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+are	AUX
+interested	ADJ
+in	SCONJ
+attending	VERB
+please	INTJ
+e-mail	VERB
+me	PRON
+as	ADV
+soon	ADV
+as	SCONJ
+possible	ADJ
+.	PUNCT
+
+A	DET
+formal	ADJ
+invitation	NOUN
+will	AUX
+follow	VERB
+to	ADP
+those	PRON
+who	PRON
+respond	VERB
+.	PUNCT
+
+We	PRON
+need	VERB
+responses	NOUN
+or	CCONJ
+direction	NOUN
+by	ADP
+no	ADV
+later	ADV
+than	ADP
+COB	NOUN
+on	ADP
+Monday	PROPN
+,	PUNCT
+October	PROPN
+30	NUM
+,	PUNCT
+2000	NUM
+.	PUNCT
+
+Please	INTJ
+contact	VERB
+me	PRON
+with	ADP
+any	DET
+questions	NOUN
+.	PUNCT
+
+Thank	VERB
+you	PRON
+,	PUNCT
+
+Katie	PROPN
+Kaplan	PROPN
+Manager	NOUN
+of	ADP
+Policy	NOUN
+IEP	PROPN
+(	PUNCT
+916	NUM
+)	PUNCT
+448-9499	NUM
+
+Congratulations	NOUN
+.	PUNCT
+
+Everyone	PRON
+is	AUX
+extremely	ADV
+pleased	ADJ
+that	SCONJ
+you	PRON
+'re	AUX
+joining	VERB
+.	PUNCT
+
+Best	ADJ
+of	ADP
+luck	NOUN
+and	CCONJ
+very	ADV
+much	ADV
+looking	VERB
+forward	ADV
+to	SCONJ
+working	VERB
+together	ADV
+.	PUNCT
+
+Best	ADJ
+,	PUNCT
+
+Jeff	PROPN
+
+I	PRON
+'ll	AUX
+believe	VERB
+it	PRON
+when	ADV
+I	PRON
+see	VERB
+it	PRON
+.	PUNCT
+
+Seems	VERB
+like	ADP
+a	DET
+good	ADJ
+idea	NOUN
+to	PART
+keep	VERB
+the	DET
+heat	NOUN
+on	ADP
+Hoecker	PROPN
+&	CCONJ
+Co.	PROPN
+right	ADV
+up	ADP
+until	ADP
+Nov.	PROPN
+1	NUM
+.	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+I	PRON
+'m	AUX
+glad	ADJ
+they	PRON
+want	VERB
+to	PART
+follow	VERB
+-	PUNCT
+up	ADP
+with	ADP
+Steve	PROPN
+(	PUNCT
+I	PRON
+'ve	AUX
+been	AUX
+pushing	VERB
+it	PRON
+)	PUNCT
+and	CCONJ
+I	PRON
+'ve	AUX
+got	VERB
+some	DET
+follow	NOUN
+-	PUNCT
+up	NOUN
+as	ADV
+well	ADV
+based	VERB
+on	ADP
+chats	NOUN
+I	PRON
+had	VERB
+in	ADP
+the	DET
+afternoon	NOUN
+on	ADP
+Friday	PROPN
+with	ADP
+folks	NOUN
+post-call	ADV
+.	PUNCT
+
+Let	VERB
+'s	PRON
+regroup	VERB
+on	ADP
+Monday	PROPN
+.	PUNCT
+
+I	PRON
+'ll	AUX
+be	AUX
+in	ADP
+Portland	PROPN
+but	CCONJ
+can	AUX
+call	VERB
+you	PRON
+.	PUNCT
+
+Best	ADJ
+,	PUNCT
+
+Jeff	PROPN
+
+Jeremy	PROPN
+Meier	PROPN
+<	PUNCT
+jermeier@earthlink.net	X
+>	PUNCT
+
+10/29/2000	NUM
+11:48	NUM
+AM	NOUN
+
+Jeff	PROPN
+:	PUNCT
+
+FYI	ADV
+,	PUNCT
+we	PRON
+had	VERB
+an	DET
+instructive	ADJ
+rest	NOUN
+of	ADP
+the	DET
+conference	NOUN
+call	NOUN
+on	ADP
+Friday	PROPN
+with	ADP
+Sue	PROPN
+and	CCONJ
+Robbie	PROPN
+et	X
+al	X
+.	PUNCT
+
+They	PRON
+indicated	VERB
+they	PRON
+could	AUX
+use	VERB
+Steve	PROPN
+'s	PART
+help	NOUN
+face	NOUN
+to	ADP
+face	NOUN
+at	ADP
+some	DET
+point	NOUN
+.	PUNCT
+
+We	PRON
+are	AUX
+following	VERB
+up	ADP
+with	ADP
+Sue	PROPN
+and	CCONJ
+Robbie	PROPN
+on	ADP
+a	DET
+couple	NOUN
+legal	ADJ
+issues	NOUN
+,	PUNCT
+case	NOUN
+law	NOUN
+and	CCONJ
+MSA	PROPN
+self	NOUN
+-	PUNCT
+certification	NOUN
+language	NOUN
+,	PUNCT
+and	CCONJ
+let	VERB
+me	PRON
+know	VERB
+if	SCONJ
+you	PRON
+have	VERB
+additional	ADJ
+items	NOUN
+.	PUNCT
+
+We	PRON
+await	VERB
+approval	NOUN
+on	ADP
+the	DET
+final	ADJ
+tariff	NOUN
+language	NOUN
+and	CCONJ
+can	AUX
+then	ADV
+file	VERB
+at	ADP
+the	DET
+CPUC	PROPN
+.	PUNCT
+
+Let	VERB
+me	PRON
+know	VERB
+what	DET
+schedule	NOUN
+works	VERB
+for	ADP
+you	PRON
+.	PUNCT
+
+Also	ADV
+,	PUNCT
+can	AUX
+you	PRON
+confirm	VERB
+the	DET
+correct	ADJ
+names	NOUN
+,	PUNCT
+email	NOUN
+addresses	NOUN
+,	PUNCT
+titles	NOUN
+for	ADP
+those	DET
+new	ADJ
+folks	NOUN
+on	ADP
+Friday	PROPN
+'s	PART
+call	NOUN
+:	PUNCT
+Robbie	PROPN
+Rossi	PROPN
+,	PUNCT
+Michelle	PROPN
+,	PUNCT
+Melissa	PROPN
+Lloyd	PROPN
+?	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+Jeremy	PROPN
+Meier	PROPN
+Blumenfeld	PROPN
+&	CCONJ
+Cohen	PROPN
+
+Attached	VERB
+for	ADP
+your	PRON
+review	NOUN
+are	AUX
+draft	NOUN
+talking	NOUN
+points	NOUN
+for	ADP
+the	DET
+Cal	PROPN
+Energy	PROPN
+Markets	PROPN
+conference	NOUN
+I	PRON
+'m	AUX
+speaking	VERB
+at	ADP
+on	ADP
+Thursday	PROPN
+in	ADP
+SF	PROPN
+.	PUNCT
+
+All	DET
+comments	NOUN
+,	PUNCT
+suggestions	NOUN
+,	PUNCT
+etc.	X
+are	AUX
+appreciated	VERB
+.	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+Yes	INTJ
+,	PUNCT
+I	PRON
+would	AUX
+like	VERB
+to	PART
+participate	VERB
+.	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+thanks	NOUN
+a	DET
+million	NUM
+.	PUNCT
+
+talk	VERB
+to	ADP
+you	PRON
+then	ADV
+.	PUNCT
+
+Lara	X
+Leibman@ENRON	X
+COMMUNICATIONS	X
+
+10/31/2000	NUM
+03:48	NUM
+PM	NOUN
+
+Here	ADV
+'s	AUX
+the	DET
+info	NOUN
+for	SCONJ
+calling	VERB
+in	ADV
+--	PUNCT
+thanks	NOUN
+!	PUNCT
+
+Lara	PROPN
+
+Angie	PROPN
+Buis	PROPN
+
+10/31/00	NUM
+02:17	NUM
+PM	NOUN
+
+The	DET
+call	VERB
+-	PUNCT
+in	ADV
+number	NOUN
+and	CCONJ
+instructions	NOUN
+for	ADP
+the	DET
+11/2	NUM
+8:30	NUM
+a.m.	NOUN
+meeting	NOUN
+are	VERB
+as	SCONJ
+follows	VERB
+:	PUNCT
+
+Everyone	PRON
+will	AUX
+dial	VERB
+the	DET
+toll	NOUN
+free	ADJ
+number	NOUN
+1-877-331-6867	NUM
+.	PUNCT
+
+All	DET
+the	DET
+outside	ADJ
+participants	NOUN
+will	AUX
+be	AUX
+prompted	VERB
+to	PART
+enter	VERB
+their	PRON
+access	NOUN
+code	NOUN
+,	PUNCT
+which	PRON
+is	AUX
+600-480	NUM
+.	PUNCT
+
+Wayne	PROPN
+,	PUNCT
+your	PRON
+access	NOUN
+code	NOUN
+(	PUNCT
+room	NOUN
+4434	NUM
+)	PUNCT
+after	SCONJ
+dialing	VERB
+the	DET
+toll	NOUN
+free	ADJ
+number	NOUN
+will	AUX
+be	AUX
+857-771	NUM
+.	PUNCT
+
+I	PRON
+have	AUX
+asked	VERB
+for	ADP
+4	NUM
+outside	ADJ
+ports	NOUN
+and	CCONJ
+should	AUX
+anyone	PRON
+else	ADJ
+need	VERB
+to	PART
+join	VERB
+in	ADV
+,	PUNCT
+they	PRON
+may	AUX
+do	VERB
+so	ADV
+with	ADP
+the	DET
+access	NOUN
+code	NOUN
+and	CCONJ
+without	ADP
+operator	NOUN
+assistance	NOUN
+.	PUNCT
+
+The	DET
+duration	NOUN
+of	ADP
+the	DET
+call	NOUN
+is	AUX
+3.5	NUM
+hours	NOUN
+.	PUNCT
+
+The	DET
+call	NOUN
+will	AUX
+terminate	VERB
+once	SCONJ
+everyone	PRON
+has	AUX
+hung	VERB
+up	ADP
+.	PUNCT
+
+Please	INTJ
+let	VERB
+me	PRON
+know	VERB
+if	SCONJ
+any	DET
+of	ADP
+you	PRON
+need	VERB
+additional	ADJ
+information	NOUN
+.	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+Angie	PROPN
+Buis	PROPN
+EBS	PROPN
+-	PUNCT
+Tax	PROPN
+x-37097	NOUN
+
+Attached	VERB
+for	ADP
+your	PRON
+review	NOUN
+are	AUX
+copies	NOUN
+of	ADP
+the	DET
+settlement	NOUN
+documents	NOUN
+that	PRON
+were	AUX
+filed	VERB
+today	NOUN
+in	ADP
+the	DET
+Gas	PROPN
+Industry	PROPN
+Restructuring	PROPN
+/	PUNCT
+Natural	PROPN
+Gas	PROPN
+Strategy	PROPN
+proceeding	NOUN
+,	PUNCT
+including	VERB
+the	DET
+Motion	NOUN
+for	ADP
+Approval	NOUN
+of	ADP
+the	DET
+Comprehensive	ADJ
+Settlement	NOUN
+that	PRON
+is	AUX
+supported	VERB
+by	ADP
+thirty	NUM
+signatories	NOUN
+to	ADP
+the	DET
+Comprehensive	ADJ
+Settlement	NOUN
+,	PUNCT
+the	DET
+Comprehensive	ADJ
+Settlement	NOUN
+document	NOUN
+itself	PRON
+,	PUNCT
+and	CCONJ
+the	DET
+various	ADJ
+appendices	NOUN
+to	ADP
+the	DET
+settlement	NOUN
+.?	PUNCT
+
+Because	SCONJ
+a	DET
+number	NOUN
+of	ADP
+the	DET
+declarations	NOUN
+and	CCONJ
+signature	NOUN
+pages	NOUN
+are	AUX
+not	PART
+yet	ADV
+available	ADJ
+electronically	ADV
+,	PUNCT
+they	PRON
+have	AUX
+not	PART
+been	AUX
+included	VERB
+with	ADP
+this	DET
+note	NOUN
+.?	PUNCT
+
+Hard	ADJ
+copies	NOUN
+of	ADP
+the	DET
+Comprehensive	ADJ
+Settlement	NOUN
+,	PUNCT
+including	VERB
+all	DET
+declarations	NOUN
+and	CCONJ
+signature	NOUN
+pages	NOUN
+,	PUNCT
+are	AUX
+being	AUX
+shipped	VERB
+tonight	NOUN
+via	ADP
+US	PROPN
+mail	NOUN
+to	ADP
+all	DET
+parties	NOUN
+on	ADP
+the	DET
+service	NOUN
+list	NOUN
+.?	PUNCT
+
+Additional	ADJ
+printed	VERB
+copies	NOUN
+should	AUX
+be	AUX
+available	ADJ
+within	ADP
+the	DET
+next	ADJ
+day	NOUN
+or	CCONJ
+so	ADV
+and	CCONJ
+I	PRON
+will	AUX
+make	VERB
+them	PRON
+available	ADJ
+to	ADP
+all	DET
+of	ADP
+you	PRON
+-	PUNCT
+just	ADV
+let	VERB
+me	PRON
+know	VERB
+how	ADV
+many	ADJ
+copies	NOUN
+you	PRON
+need	VERB
+.	PUNCT
+
+I	PRON
+would	AUX
+like	VERB
+to	PART
+thank	VERB
+all	DET
+of	ADP
+the	DET
+parties	NOUN
+who	PRON
+participated	VERB
+in	ADP
+this	DET
+settlement	NOUN
+process	NOUN
+.?	PUNCT
+
+You	PRON
+have	AUX
+all	ADV
+devoted	VERB
+considerable	ADJ
+time	NOUN
+,	PUNCT
+resources	NOUN
+and	CCONJ
+spirit	NOUN
+in	ADP
+the	DET
+preparation	NOUN
+of	ADP
+this	DET
+document	NOUN
+-	PUNCT
+and	CCONJ
+it	PRON
+shows	VERB
+.?	PUNCT
+
+We	PRON
+now	ADV
+have	VERB
+a	DET
+settlement	NOUN
+before	ADP
+the	DET
+Commission	NOUN
+that	PRON
+includes	VERB
+ratepayer	NOUN
+advocates	NOUN
+,	PUNCT
+commercial	ADJ
+and	CCONJ
+industrial	ADJ
+customers	NOUN
+,	PUNCT
+electric	ADJ
+generators	NOUN
+,	PUNCT
+marketers	NOUN
+,	PUNCT
+shippers	NOUN
+,	PUNCT
+independent	ADJ
+storage	NOUN
+providers	NOUN
+,?	PUNCT
+gas	NOUN
+suppliers	NOUN
+,?	PUNCT
+producers	NOUN
+,	PUNCT
+utilities	NOUN
+,	PUNCT
+aggregators	NOUN
+,	PUNCT
+pipeline	NOUN
+companies	NOUN
+,	PUNCT
+wholesale	ADJ
+customers	NOUN
+,	PUNCT
+municipalities	NOUN
+,	PUNCT
+and	CCONJ
+retail	NOUN
+mass	ADJ
+marketers	NOUN
+,	PUNCT
+among	ADP
+others	NOUN
+.?	PUNCT
+
+While	SCONJ
+we	PRON
+should	AUX
+be	AUX
+proud	ADJ
+of	ADP
+our	PRON
+accomplishment	NOUN
+,	PUNCT
+we	PRON
+now	ADV
+must	AUX
+turn	VERB
+to	ADP
+the	DET
+task	NOUN
+of	SCONJ
+getting	VERB
+our	PRON
+testimony	NOUN
+ready	ADJ
+by	ADP
+May	PROPN
+5	NUM
+deadline	NOUN
+.?	PUNCT
+
+Assignments	NOUN
+have	AUX
+already	ADV
+been	AUX
+made	VERB
+and	CCONJ
+I	PRON
+will	AUX
+schedule	VERB
+a	DET
+conference	NOUN
+call	NOUN
+later	ADV
+this	DET
+week	NOUN
+to	PART
+discuss	VERB
+related	ADJ
+details	NOUN
+.?	PUNCT
+
+So	ADV
+much	ADV
+for	SCONJ
+resting	VERB
+on	ADP
+our	PRON
+laurels	NOUN
+.?	PUNCT
+
+Once	ADV
+again	ADV
+,	PUNCT
+thank	VERB
+you	PRON
+all	DET
+for	ADP
+an	DET
+outstanding	ADJ
+accomplishment	NOUN
+.	PUNCT
+
+<<	PUNCT
+ld2d-#69366-1.DOC	NOUN
+>>	PUNCT
+<<	PUNCT
+ld2d-#69345-1.DOC	NOUN
+>>	PUNCT
+?	PUNCT
+<<	PUNCT
+ld2d-#69397-1.DOC	NOUN
+>>	PUNCT
+<<	PUNCT
+ld2d-#69396-1.DOC	NOUN
+>>	PUNCT
+<<	PUNCT
+ld2d-#69377-1.XLS	NOUN
+>>	PUNCT
+<<	PUNCT
+ld2d-#69381-1.DOC	NOUN
+>>	PUNCT
+<<	PUNCT
+ld2d-#69366-1.DOC	NOUN
+>>	PUNCT
+<<	PUNCT
+ld2d-#69336-1.XLS	NOUN
+>>	PUNCT
+<<	PUNCT
+Primary	X
+Rights	X
+4-12	X
+.doc	NOUN
+>>	PUNCT
+<<	PUNCT
+ld2d-#69334-1.DOC	NOUN
+>>	PUNCT
+<<	PUNCT
+ld2d-#69345-1.DOC	NOUN
+>>	PUNCT
+
+-	PUNCT
+ld2d-#69366-1.DOC	NOUN
+
+-	PUNCT
+ld2d-#69345-1.DOC	NOUN
+
+-	PUNCT
+ld2d-#69397-1.DOC	NOUN
+
+-	PUNCT
+ld2d-#69396-1.DOC	NOUN
+
+-	PUNCT
+ld2d-#69377-1.XLS	NOUN
+
+-	PUNCT
+ld2d-#69381-1.DOC	NOUN
+
+-	PUNCT
+ld2d-#69366-1.DOC	NOUN
+
+-	PUNCT
+ld2d-#69336-1.XLS	NOUN
+
+-	PUNCT
+Primary	X
+Rights	X
+4-12	X
+.doc	NOUN
+
+-	PUNCT
+ld2d-#69334-1.DOC	NOUN
+
+-	PUNCT
+ld2d-#69345-1.DOC	NOUN
+
+Severin	PROPN
+Borenstein	PROPN
+
+E.T.	PROPN
+Grether	PROPN
+Professor	NOUN
+of	ADP
+Business	NOUN
+Administration	NOUN
+and	CCONJ
+Public	NOUN
+Policy	NOUN
+Director	NOUN
+Haas	PROPN
+School	PROPN
+of	ADP
+Business	PROPN
+U.C.	PROPN
+Energy	PROPN
+Institute	PROPN
+University	PROPN
+of	ADP
+California	PROPN
+2539	NUM
+Channing	PROPN
+Way	PROPN
+Berkeley	PROPN
+,	PUNCT
+CA	PROPN
+94720-1900	NUM
+Berkeley	PROPN
+,	PUNCT
+CA	PROPN
+94720-5180	NUM
+(	PUNCT
+p	NOUN
+)	PUNCT
+510-642-3689	NUM
+(	PUNCT
+p	NOUN
+)	PUNCT
+510-642-5145	NUM
+(	PUNCT
+f	NOUN
+)	PUNCT
+707-885-2508	NUM
+http://www.ucei.berkeley.edu/ucei	X
+Email	NOUN
+:	PUNCT
+borenste@haas.berkeley.edu	X
+WWW	NOUN
+:	PUNCT
+http://haas.berkeley.edu/~borenste	X
+
+Attached	VERB
+is	AUX
+a	DET
+rough	ADJ
+draft	NOUN
+of	ADP
+my	PRON
+talking	NOUN
+points	NOUN
+for	ADP
+a	DET
+panel	NOUN
+I	PRON
+'ll	AUX
+be	AUX
+on	ADP
+at	ADP
+a	DET
+CEM	PROPN
+conference	NOUN
+in	ADP
+SF	PROPN
+on	ADP
+Thursday	PROPN
+afternoon	NOUN
+.	PUNCT
+
+Have	AUX
+distributed	VERB
+to	ADP
+Western	ADJ
+GA	NOUN
+team	NOUN
+(	PUNCT
+plus	CCONJ
+Steffes	PROPN
+)	PUNCT
+for	ADP
+comment	NOUN
+and	CCONJ
+thought	VERB
+you	PRON
+may	AUX
+have	VERB
+some	DET
+,	PUNCT
+too	ADV
+.	PUNCT
+
+Topic	NOUN
+for	ADP
+panel	NOUN
+,	PUNCT
+"	PUNCT
+PUC	NOUN
+Priorities	NOUN
+.	PUNCT
+"	PUNCT
+
+Goal	NOUN
+is	VERB
+to	PART
+(	PUNCT
+politely	ADV
+?	PUNCT
+)	PUNCT
+refute	VERB
+Loretta	PROPN
+Lynch	PROPN
+'s	PART
+and	CCONJ
+Carl	PROPN
+Woods	PROPN
+'	PART
+continued	VERB
+assertions	NOUN
+that	SCONJ
+1	X
+)	PUNCT
+California	PROPN
+'s	PART
+move	NOUN
+to	PART
+deregulate	VERB
+was	AUX
+based	VERB
+solely	ADV
+on	ADP
+ideology	NOUN
+with	ADP
+no	DET
+basis	NOUN
+in	ADP
+fact	NOUN
+and	CCONJ
+2	X
+)	PUNCT
+the	DET
+solution	NOUN
+is	VERB
+to	PART
+turn	VERB
+back	ADP
+the	DET
+clock	NOUN
+to	ADP
+command	VERB
+-	PUNCT
+and	CCONJ
+-	PUNCT
+control	VERB
+regulation	NOUN
+.	PUNCT
+
+The	DET
+FERC	PROPN
+order	NOUN
+tomorrow	NOUN
+is	AUX
+likely	ADJ
+to	PART
+alter	VERB
+the	DET
+points	NOUN
+somewhat	ADV
+.	PUNCT
+
+Comments	NOUN
+are	AUX
+much	ADV
+appreciated	VERB
+.	PUNCT
+
+Best	ADJ
+,	PUNCT
+
+Jeff	PROPN
+
+Chris	PROPN
+:	PUNCT
+
+As	SCONJ
+we	PRON
+discussed	VERB
+yesterday	NOUN
+,	PUNCT
+Laird	PROPN
+and	CCONJ
+I	PRON
+spoke	VERB
+and	CCONJ
+we	PRON
+think	VERB
+that	SCONJ
+the	DET
+presentation	NOUN
+is	AUX
+good	ADJ
+to	PART
+go	VERB
+for	ADP
+Thursday	PROPN
+.	PUNCT
+
+We	PRON
+'ll	AUX
+need	VERB
+to	PART
+update	VERB
+the	DET
+numbers	NOUN
+for	ADP
+the	DET
+offer	NOUN
+we	PRON
+made	VERB
+to	ADP
+S.D.	PROPN
+last	ADJ
+week	NOUN
+.	PUNCT
+
+You	PRON
+had	AUX
+mentioned	VERB
+that	SCONJ
+you	PRON
+might	AUX
+want	VERB
+to	PART
+include	VERB
+a	DET
+shaped	VERB
+product	NOUN
+.	PUNCT
+
+You	PRON
+still	ADV
+considering	VERB
+it	PRON
+?	PUNCT
+
+Let	VERB
+us	PRON
+know	VERB
+and	CCONJ
+we	PRON
+can	AUX
+add	VERB
+it	PRON
+,	PUNCT
+and	CCONJ
+make	VERB
+any	DET
+other	ADJ
+changes	NOUN
+you	PRON
+'d	AUX
+like	VERB
+to	PART
+make	VERB
+at	ADP
+this	DET
+end	NOUN
+.	PUNCT
+
+My	PRON
+flight	NOUN
+gets	VERB
+into	ADP
+S.D.	PROPN
+at	ADP
+at	ADP
+8:35	NUM
+on	ADP
+southwest	PROPN
+.	PUNCT
+
+Best	ADJ
+,	PUNCT
+
+Jeff	PROPN
+
+Sandi	PROPN
+sez	VERB
+it	PRON
+'s	AUX
+actually	ADV
+happening	VERB
+at	ADP
+10	NUM
+AM	NOUN
+and	CCONJ
+it	PRON
+'s	VERB
+renewable	ADJ
+-	PUNCT
+focused	VERB
+.	PUNCT
+
+David	PROPN
+Forster	PROPN
+
+03/08/2000	NUM
+09:45	NUM
+AM	NOUN
+
+Fyi	ADV
+
+Dear	ADJ
+Justin	PROPN
+
+Marly	PROPN
+asked	VERB
+me	PRON
+to	PART
+respond	VERB
+to	ADP
+you	PRON
+.	PUNCT
+
+As	SCONJ
+you	PRON
+know	VERB
+,	PUNCT
+the	DET
+suffix	NOUN
+ONLINE	NOUN
+is	VERB
+purely	ADV
+descriptive	ADJ
+and	CCONJ
+now	ADV
+used	VERB
+by	ADP
+many	ADJ
+companies	NOUN
+.	PUNCT
+
+Therefore	ADV
+,	PUNCT
+any	DET
+trade	NOUN
+mark	NOUN
+registration	NOUN
+that	PRON
+incorporates	VERB
+the	DET
+word	NOUN
+ONLINE	NOUN
+as	ADP
+a	DET
+suffix	NOUN
+in	ADP
+the	DET
+way	NOUN
+that	ADV
+you	PRON
+use	VERB
+it	PRON
+will	AUX
+not	PART
+enable	VERB
+its	PRON
+owner	NOUN
+to	PART
+prevent	VERB
+others	NOUN
+from	SCONJ
+using	VERB
+the	DET
+word	NOUN
+ONLINE	NOUN
+.	PUNCT
+
+Given	VERB
+the	DET
+above	ADJ
+,	PUNCT
+if	SCONJ
+you	PRON
+have	VERB
+adequate	ADJ
+protection	NOUN
+for	ADP
+the	DET
+word	NOUN
+ENRON	PROPN
+(	PUNCT
+which	PRON
+covers	VERB
+the	DET
+services	NOUN
+that	PRON
+you	PRON
+offer	VERB
+on	ADP
+-	PUNCT
+line	NOUN
+as	ADV
+well	ADV
+as	ADP
+your	PRON
+core	ADJ
+activities	NOUN
+)	PUNCT
+,	PUNCT
+I	PRON
+'d	AUX
+say	VERB
+that	SCONJ
+another	DET
+application	NOUN
+for	ADP
+the	DET
+words	NOUN
+ENRON	PROPN
+ONLINE	PROPN
+is	AUX
+probably	ADV
+unnecessary	ADJ
+.	PUNCT
+
+However	ADV
+,	PUNCT
+if	SCONJ
+you	PRON
+use	VERB
+a	DET
+particular	ADJ
+logo	NOUN
+for	ADP
+the	DET
+on	ADP
+-	PUNCT
+line	NOUN
+service	NOUN
+,	PUNCT
+that	PRON
+should	AUX
+be	AUX
+registered	VERB
+.	PUNCT
+
+I	PRON
+hope	VERB
+the	DET
+above	ADJ
+is	AUX
+clear	ADJ
+.	PUNCT
+
+Jonathan	PROPN
+Day	PROPN
+
+Marly	PROPN
+,	PUNCT
+
+If	SCONJ
+you	PRON
+could	AUX
+respond	VERB
+to	ADP
+me	PRON
+on	ADP
+this	DET
+request	NOUN
+,	PUNCT
+thanks	NOUN
+
+Justin	PROPN
+
+Paul	PROPN
+Goddard	PROPN
+
+08/03/2000	NUM
+11:35	NUM
+
+Can	AUX
+one	NUM
+of	ADP
+you	PRON
+give	VERB
+me	PRON
+a	DET
+quick	ADJ
+call	NOUN
+to	PART
+discuss	VERB
+.	PUNCT
+
+I	PRON
+'m	AUX
+@	ADP
+X37047	NOUN
+.	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+I	PRON
+believe	VERB
+we	PRON
+are	AUX
+to	ADP
+some	DET
+extent	NOUN
+already	ADV
+protected	VERB
+with	ADP
+"	PUNCT
+Enron	PROPN
+"	PUNCT
+proceeded	VERB
+with	ADP
+anything	PRON
+,	PUNCT
+but	CCONJ
+EnronOnline	PROPN
+(	PUNCT
+TM	NOUN
+)	PUNCT
+,	PUNCT
+etc.	X
+just	ADV
+affords	VERB
+us	PRON
+more	ADJ
+protection	NOUN
+.	PUNCT
+
+I	PRON
+assume	VERB
+this	PRON
+is	AUX
+akin	ADJ
+to	SCONJ
+why	ADV
+McDonald	PROPN
+'s	PART
+trademarks	VERB
+"	PUNCT
+Mc	PROPN
+"	PUNCT
+Everything	PRON
+?	PUNCT
+
+David	PROPN
+Forster	PROPN
+
+08/03/2000	NUM
+01:50	NUM
+
+Paul	PROPN
+,	PUNCT
+
+Can	AUX
+you	PRON
+please	INTJ
+give	VERB
+me	PRON
+a	DET
+call	NOUN
+to	PART
+discuss	VERB
+trademarking	NOUN
+?	PUNCT
+
+i.e.	X
+Are	AUX
+we	PRON
+covered	VERB
+if	SCONJ
+we	PRON
+proceed	VERB
+a	DET
+word	NOUN
+with	ADP
+"	PUNCT
+Enron	PROPN
+"	PUNCT
+?	PUNCT
+
+e.g.	X
+:	PUNCT
+EnronEAuction	PROPN
+.	PUNCT
+
+If	SCONJ
+we	PRON
+are	AUX
+covered	VERB
+,	PUNCT
+then	ADV
+was	AUX
+it	PRON
+necessary	ADJ
+to	PART
+register	VERB
+EnronOnline	PROPN
+?	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Dave	PROPN
+
+____________________________________________________________	SYM
+
+This	DET
+message	NOUN
+is	AUX
+confidential	ADJ
+.	PUNCT
+
+It	PRON
+may	AUX
+also	ADV
+be	VERB
+privileged	ADJ
+or	CCONJ
+otherwise	ADV
+protected	VERB
+by	ADP
+work	NOUN
+product	NOUN
+immunity	NOUN
+or	CCONJ
+other	ADJ
+legal	ADJ
+rules	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+have	AUX
+received	VERB
+it	PRON
+by	ADP
+mistake	NOUN
+please	INTJ
+let	VERB
+us	PRON
+know	VERB
+by	ADP
+reply	NOUN
+and	CCONJ
+then	ADV
+delete	VERB
+it	PRON
+from	ADP
+your	PRON
+system	NOUN
+;	PUNCT
+you	PRON
+should	AUX
+not	PART
+copy	VERB
+the	DET
+message	NOUN
+or	CCONJ
+disclose	VERB
+its	PRON
+contents	NOUN
+to	ADP
+anyone	PRON
+.	PUNCT
+
+____________________________________________________________	SYM
+
+Per	ADP
+my	PRON
+conversation	NOUN
+with	ADP
+Edmund	PROPN
+this	DET
+morning	NOUN
+,	PUNCT
+we	PRON
+are	AUX
+moving	VERB
+the	DET
+following	VERB
+countries	NOUN
+to	ADP
+the	DET
+non-approved	ADJ
+list	NOUN
+:	PUNCT
+Austria	PROPN
+,	PUNCT
+Belgium	PROPN
+,	PUNCT
+Croatia	PROPN
+,	PUNCT
+Czech	PROPN
+Republic	PROPN
+,	PUNCT
+Denmark	PROPN
+,	PUNCT
+Poland	PROPN
+,	PUNCT
+Portugal	PROPN
+,	PUNCT
+Romania	PROPN
+,	PUNCT
+Singapore	PROPN
+,	PUNCT
+and	CCONJ
+Slovenia	PROPN
+.	PUNCT
+
+Below	ADV
+is	AUX
+the	DET
+list	NOUN
+,	PUNCT
+now	ADV
+updated	VERB
+to	PART
+reflect	VERB
+this	DET
+change	NOUN
+.	PUNCT
+
+Jurisdictions	NOUN
+which	PRON
+are	VERB
+are	AUX
+approved	VERB
+to	PART
+trade	VERB
+credit	NOUN
+derivatives	NOUN
+:	PUNCT
+Finland	PROPN
+,	PUNCT
+Germany	PROPN
+,	PUNCT
+Norway	PROPN
+,	PUNCT
+Sweden	PROPN
+,	PUNCT
+Switzerland	PROPN
+,	PUNCT
+the	DET
+U.K	PROPN
+,	PUNCT
+and	CCONJ
+the	DET
+U.S.	PROPN
+.	PUNCT
+
+Jurisdictions	NOUN
+which	PRON
+are	AUX
+not	PART
+approved	VERB
+to	PART
+trade	VERB
+credit	NOUN
+derivatives	NOUN
+include	VERB
+:	PUNCT
+Austria	PROPN
+,	PUNCT
+Belgium	PROPN
+,	PUNCT
+Canada	PROPN
+,	PUNCT
+Croatia	PROPN
+,	PUNCT
+Czech	PROPN
+Republic	PROPN
+,	PUNCT
+Denmark	PROPN
+,	PUNCT
+France	PROPN
+,	PUNCT
+Gibraltar	PROPN
+,	PUNCT
+Ireland	PROPN
+,	PUNCT
+Italy	PROPN
+,	PUNCT
+Poland	PROPN
+,	PUNCT
+Portugal	PROPN
+,	PUNCT
+Romania	PROPN
+,	PUNCT
+Scotland	PROPN
+,	PUNCT
+Singapore	PROPN
+,	PUNCT
+Slovenia	PROPN
+,	PUNCT
+Spain	PROPN
+,	PUNCT
+and	CCONJ
+The	DET
+Netherlands	PROPN
+.	PUNCT
+
+For	ADP
+banks	NOUN
+incorporated	VERB
+in	ADP
+a	DET
+non-approved	ADJ
+jurisdiction	NOUN
+,	PUNCT
+it	PRON
+may	AUX
+be	AUX
+possible	ADJ
+for	SCONJ
+them	PRON
+to	PART
+trade	VERB
+out	ADP
+of	ADP
+a	DET
+branch	NOUN
+located	VERB
+in	ADP
+an	DET
+approved	VERB
+jurisdiction	NOUN
+(	PUNCT
+i.e.	X
+U.S.	PROPN
+and	CCONJ
+U.K.	PROPN
+branches	NOUN
+)	PUNCT
+.	PUNCT
+
+This	PRON
+would	AUX
+have	VERB
+to	PART
+be	AUX
+determined	VERB
+on	ADP
+a	DET
+case	NOUN
+by	ADP
+case	NOUN
+basis	NOUN
+.	PUNCT
+
+Please	INTJ
+let	VERB
+me	PRON
+know	VERB
+if	SCONJ
+there	PRON
+are	VERB
+any	DET
+changes	NOUN
+to	ADP
+this	DET
+list	NOUN
+.	PUNCT
+
+Sent	VERB
+by	ADP
+:	PUNCT
+Nella	PROPN
+Cappelletto	PROPN
+
+Yes	INTJ
+,	PUNCT
+we	PRON
+should	AUX
+add	VERB
+compliance	NOUN
+with	ADP
+OTC	NOUN
+Derivatives	NOUN
+and	CCONJ
+/	PUNCT
+or	CCONJ
+Commodity	NOUN
+Contracts	NOUN
+and	CCONJ
+Qualified	ADJ
+Party	NOUN
+requirements	NOUN
+of	ADP
+the	DET
+Securities	PROPN
+Act	PROPN
+(	PUNCT
+Alberta	PROPN
+)	PUNCT
+,	PUNCT
+Securities	PROPN
+Act	PROPN
+(	PUNCT
+British	PROPN
+Columbia	PROPN
+)	PUNCT
+and	CCONJ
+Securities	PROPN
+Act	PROPN
+(	PUNCT
+Ontario	PROPN
+)	PUNCT
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Peter	PROPN
+
+With	ADP
+regard	NOUN
+to	ADP
+our	PRON
+annual	ADJ
+review	NOUN
+of	ADP
+this	DET
+list	NOUN
+of	ADP
+laws	NOUN
+we	PRON
+need	VERB
+to	PART
+comply	VERB
+with	ADP
+,	PUNCT
+do	AUX
+we	PRON
+not	PART
+want	VERB
+to	PART
+add	VERB
+the	DET
+Canadian	ADJ
+provinces	NOUN
+new	ADJ
+"	PUNCT
+eligible	ADJ
+swap	NOUN
+participant	NOUN
+"	PUNCT
+equivalant	NOUN
+rules	NOUN
+?	PUNCT
+
+Molly	PROPN
+Harris	PROPN
+
+03/08/2000	NUM
+05:37	NUM
+PM	NOUN
+
+Please	INTJ
+find	VERB
+attached	VERB
+Credit	NOUN
+'s	PART
+EOL	NOUN
+responses	NOUN
+for	ADP
+3/8/00	NUM
+.	PUNCT
+
+Regards	NOUN
+
+Molly	PROPN
+
+You	PRON
+are	AUX
+the	DET
+best	ADJ
+!	PUNCT
+
+Why	ADV
+does	AUX
+it	PRON
+always	ADV
+have	VERB
+to	PART
+be	AUX
+my	PRON
+deals	NOUN
+...?!!!	PUNCT
+
+We	PRON
+'ve	AUX
+received	VERB
+a	DET
+personal	ADJ
+invitation	NOUN
+to	ADP
+a	DET
+NYMEX	PROPN
+Crawfish	NOUN
+Boil	NOUN
+on	ADP
+April	PROPN
+3	NUM
+at	ADP
+5:00	NUM
+at	ADP
+Garden	PROPN
+in	ADP
+the	DET
+Heights	PROPN
+at	ADP
+3926	NUM
+Feagan	PROPN
+.	PUNCT
+
+The	DET
+cause	NOUN
+of	ADP
+this	DET
+celebration	NOUN
+is	AUX
+the	DET
+10th	ADJ
+anniversary	NOUN
+of	ADP
+the	DET
+Nat	ADJ
+Gas	NOUN
+futures	NOUN
+contract	NOUN
+.	PUNCT
+
+It	PRON
+would	AUX
+be	AUX
+nice	ADJ
+if	SCONJ
+Shankman	PROPN
+and	CCONJ
+John	PROPN
+Arnold	PROPN
+could	AUX
+attend	VERB
+.	PUNCT
+
+Perhaps	ADV
+you	PRON
+can	AUX
+give	VERB
+them	PRON
+a	DET
+personal	ADJ
+invitation	NOUN
+...	PUNCT
+
+We	PRON
+have	AUX
+received	VERB
+the	DET
+amendment	NOUN
+to	ADP
+the	DET
+BC	PROPN
+Gas	PROPN
+ISDA	PROPN
+Master	NOUN
+executed	VERB
+by	ADP
+BC	PROPN
+Gas	PROPN
+,	PUNCT
+which	PRON
+adds	VERB
+the	DET
+Canadian	ADJ
+Securities	NOUN
+Representation	NOUN
+,	PUNCT
+so	SCONJ
+we	PRON
+do	AUX
+n't	PART
+have	VERB
+to	PART
+add	VERB
+the	DET
+rep	NOUN
+into	ADP
+every	DET
+confirm	NOUN
+.	PUNCT
+
+BC	PROPN
+Gas	PROPN
+wo	AUX
+n't	PART
+sign	VERB
+the	DET
+confirms	NOUN
+with	SCONJ
+the	DET
+rep	NOUN
+in	ADV
+,	PUNCT
+and	CCONJ
+this	PRON
+has	AUX
+caused	VERB
+much	ADJ
+difficulties	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+going	VERB
+to	PART
+count	VERB
+it	PRON
+as	ADP
+signed	VERB
+,	PUNCT
+since	SCONJ
+BC	PROPN
+Gas	PROPN
+has	AUX
+signed	VERB
+,	PUNCT
+but	CCONJ
+we	PRON
+still	ADV
+need	VERB
+it	PRON
+to	PART
+be	AUX
+signed	VERB
+by	ADP
+ECC	PROPN
+.	PUNCT
+
+Can	AUX
+you	PRON
+get	VERB
+it	PRON
+signed	VERB
+ASAP	ADV
+and	CCONJ
+back	ADV
+to	ADP
+me	PRON
+.	PUNCT
+
+Much	ADJ
+thanks	NOUN
+.	PUNCT
+
+We	PRON
+have	AUX
+received	VERB
+the	DET
+executed	VERB
+Amendment	NOUN
+to	ADP
+the	DET
+Subscription	NOUN
+Agreement	NOUN
+with	ADP
+WeatherTrade	PROPN
+,	PUNCT
+Inc.	PROPN
+dated	VERB
+March	PROPN
+2	NUM
+,	PUNCT
+2000	NUM
+.	PUNCT
+
+This	DET
+Amendment	NOUN
+amends	VERB
+the	DET
+Transaction	NOUN
+Fee	NOUN
+referenced	VERB
+in	ADP
+subparagraph	NOUN
+(	PUNCT
+c	NOUN
+)	PUNCT
+of	ADP
+the	DET
+Fee	NOUN
+Schedule	NOUN
+to	ADP
+the	DET
+Subscription	NOUN
+Agreement	NOUN
+.	PUNCT
+
+Copies	NOUN
+will	AUX
+be	AUX
+distributed	VERB
+.	PUNCT
+
+Updating	VERB
+another	DET
+blue	ADJ
+file	NOUN
+because	SCONJ
+Susan	PROPN
+B.	PROPN
+,	PUNCT
+this	DET
+time	NOUN
+,	PUNCT
+has	AUX
+not	PART
+updated	VERB
+it	PRON
+to	PART
+reference	VERB
+mergers	NOUN
+&	CCONJ
+name	NOUN
+changes	NOUN
+!	PUNCT
+
+It	PRON
+appears	VERB
+you	PRON
+missed	VERB
+some	DET
+cpys	NOUN
+on	ADP
+the	DET
+referenced	VERB
+list	NOUN
+because	SCONJ
+Tom	PROPN
+had	VERB
+the	DET
+freeze	NOUN
+panel	NOUN
+button	NOUN
+on	ADV
+,	PUNCT
+and	CCONJ
+you	PRON
+probably	ADV
+did	AUX
+n't	PART
+see	VERB
+them	PRON
+at	ADV
+first	ADV
+.	PUNCT
+
+I	PRON
+did	AUX
+n't	PART
+either	ADV
+until	SCONJ
+I	PRON
+clicked	VERB
+on	ADP
+the	DET
+down	NOUN
+button	NOUN
+and	CCONJ
+they	PRON
+popped	VERB
+up	ADP
+.	PUNCT
+
+When	ADV
+you	PRON
+have	VERB
+a	DET
+minute	NOUN
+,	PUNCT
+I	PRON
+'ll	AUX
+give	VERB
+me	PRON
+a	DET
+call	NOUN
+and	CCONJ
+I	PRON
+'ll	AUX
+come	VERB
+around	ADV
+and	CCONJ
+show	VERB
+you	PRON
+how	ADV
+to	PART
+unfreeze	VERB
+the	DET
+panel	NOUN
+.	PUNCT
+
+I	PRON
+spoke	VERB
+to	ADP
+Edmund	PROPN
+to	PART
+get	VERB
+the	DET
+scoop	NOUN
+on	SCONJ
+what	PRON
+we	PRON
+are	AUX
+going	VERB
+to	PART
+be	AUX
+doing	VERB
+on	ADP
+the	DET
+confirms	NOUN
+for	ADP
+Credit	NOUN
+Derivatives	NOUN
+,	PUNCT
+and	CCONJ
+he	PRON
+said	VERB
+that	SCONJ
+his	PRON
+current	ADJ
+understanding	NOUN
+is	VERB
+that	SCONJ
+all	DET
+of	ADP
+the	DET
+confirms	NOUN
+will	AUX
+be	AUX
+done	VERB
+out	ADP
+of	ADP
+London	PROPN
+.	PUNCT
+
+I	PRON
+communicated	VERB
+that	PRON
+to	ADP
+Bob	PROPN
+Bowen	PROPN
+.	PUNCT
+
+He	PRON
+also	ADV
+said	VERB
+that	SCONJ
+London	PROPN
+was	AUX
+going	VERB
+to	PART
+be	AUX
+hiring	VERB
+120	NUM
+people	NOUN
+to	PART
+deal	VERB
+with	ADP
+the	DET
+Credit	NOUN
+Derivatives	NOUN
+business	NOUN
+.	PUNCT
+
+Wow	INTJ
+!	PUNCT
+
+Carol	PROPN
+,	PUNCT
+will	AUX
+you	PRON
+handle	VERB
+this	PRON
+or	CCONJ
+Mark	PROPN
+?	PUNCT
+
+Tori	PROPN
+Kuykendall	PROPN
+
+03/09/2000	NUM
+03:51	NUM
+PM	NOUN
+
+hi	INTJ
+mark	PROPN
+-	PUNCT
+
+i	PRON
+'m	AUX
+a	DET
+gas	NOUN
+trader	NOUN
+on	ADP
+the	DET
+west	ADJ
+desk	NOUN
+and	CCONJ
+one	NUM
+of	ADP
+my	PRON
+customers	NOUN
+had	VERB
+some	DET
+issues	NOUN
+with	ADP
+our	PRON
+electronic	ADJ
+trading	NOUN
+agreement	NOUN
+.	PUNCT
+
+the	DET
+company	NOUN
+is	AUX
+Arco	PROPN
+Products	PROPN
+,	PUNCT
+adn	CCONJ
+their	PRON
+comments	NOUN
+are	AUX
+on	ADP
+the	DET
+attached	VERB
+file	NOUN
+.	PUNCT
+
+could	AUX
+you	PRON
+take	VERB
+a	DET
+look	NOUN
+at	ADP
+this	PRON
+and	CCONJ
+give	VERB
+me	PRON
+an	DET
+update	NOUN
+.	PUNCT
+
+thanks	NOUN
+.	PUNCT
+
+Torrey	PROPN
+,	PUNCT
+as	SCONJ
+promised	VERB
+I	PRON
+have	AUX
+attached	VERB
+ARCO	PROPN
+'s	PART
+suggested	VERB
+revisions	NOUN
+to	ADP
+the	DET
+Enron	PROPN
+online	ADJ
+trading	NOUN
+agreement	NOUN
+.	PUNCT
+
+I	PRON
+look	VERB
+forward	ADV
+to	SCONJ
+working	VERB
+toward	ADP
+a	DET
+mutually	ADV
+satisfactory	ADJ
+agreement	NOUN
+in	ADP
+this	DET
+new	ADJ
+and	CCONJ
+thorny	ADJ
+area	NOUN
+of	ADP
+e-commerce	NOUN
+contracting	NOUN
+.	PUNCT
+
+Dave	PROPN
+
+(	PUNCT
+See	VERB
+attached	VERB
+file	NOUN
+:	PUNCT
+ETA_revision0307.doc	NOUN
+)	PUNCT
+
+-	PUNCT
+ETA_revision0307.doc	NOUN
+
+We	PRON
+have	AUX
+received	VERB
+the	DET
+executed	VERB
+First	ADJ
+Amendment	NOUN
+to	ADP
+ISDA	NOUN
+Master	NOUN
+Agreement	NOUN
+dated	VERB
+as	ADP
+of	ADP
+December	PROPN
+1	NUM
+,	PUNCT
+1999	NUM
+.	PUNCT
+
+This	DET
+amendment	NOUN
+adds	VERB
+the	DET
+British	PROPN
+Columbia	PROPN
+Securities	PROPN
+Act	PROPN
+representation	NOUN
+to	ADP
+the	DET
+master	NOUN
+.	PUNCT
+
+Copies	NOUN
+will	AUX
+be	AUX
+distributed	VERB
+.	PUNCT
+
+Confirmation	NOUN
+Desk	NOUN
+:	PUNCT
+you	PRON
+can	AUX
+stop	VERB
+adding	VERB
+the	DET
+rep	NOUN
+to	ADP
+the	DET
+confirms	NOUN
+now	ADV
+.	PUNCT
+
+Molly	PROPN
+Harris	PROPN
+
+03/09/2000	NUM
+05:39	NUM
+PM	NOUN
+
+Please	INTJ
+find	VERB
+attached	VERB
+Credit	NOUN
+'s	PART
+EOL	NOUN
+responses	NOUN
+for	ADP
+3/9/00	NUM
+.	PUNCT
+
+Regards	NOUN
+,	PUNCT
+
+Molly	PROPN
+
+Here	ADV
+'s	AUX
+the	DET
+list	NOUN
+with	ADP
+the	DET
+missing	ADJ
+counterparties	NOUN
+.	PUNCT
+
+Molly	PROPN
+Harris	PROPN
+
+03/08/2000	NUM
+05:37	NUM
+PM	NOUN
+
+Please	INTJ
+find	VERB
+attached	VERB
+Credit	NOUN
+'s	PART
+EOL	NOUN
+responses	NOUN
+for	ADP
+3/8/00	NUM
+.	PUNCT
+
+Regards	NOUN
+
+Molly	PROPN
+
+Yeah	INTJ
+!	PUNCT
+
+Probably	ADV
+...	PUNCT
+
+I	PRON
+just	ADV
+got	VERB
+a	DET
+call	NOUN
+from	ADP
+Dave	PROPN
+and	CCONJ
+Frank	PROPN
+and	CCONJ
+they	PRON
+tell	VERB
+me	PRON
+I	PRON
+have	VERB
+a	DET
+whole	ADJ
+week	NOUN
+this	DET
+time	NOUN
+to	PART
+approve	VERB
+the	DET
+whole	ADJ
+counterparty	NOUN
+list	NOUN
+to	PART
+trade	VERB
+Australian	ADJ
+financial	ADJ
+power	NOUN
+.	PUNCT
+
+I	PRON
+'ll	AUX
+need	VERB
+to	PART
+talk	VERB
+to	ADP
+you	PRON
+about	ADP
+his	DET
+Monday	PROPN
+.	PUNCT
+
+Hey	INTJ
+guys	NOUN
+,	PUNCT
+take	VERB
+Monday	PROPN
+off	ADV
+!	PUNCT
+
+Molly	PROPN
+Harris	PROPN
+
+03/10/2000	NUM
+04:28	NUM
+PM	NOUN
+
+Please	INTJ
+note	VERB
+Credit	NOUN
+has	VERB
+no	DET
+EOL	NOUN
+responses	NOUN
+for	ADP
+3/10/00	NUM
+.	PUNCT
+
+Regards	NOUN
+
+Molly	PROPN
+
+Mike	PROPN
+Jordan	PROPN
+
+04/04/2001	NUM
+09:27	NUM
+AM	NOUN
+
+Please	INTJ
+find	VERB
+attached	VERB
+the	DET
+most	ADV
+recent	ADJ
+update	NOUN
+for	ADP
+Merchanting	PROPN
+Metals	PROPN
+.	PUNCT
+
+In	ADP
+summary	NOUN
+the	DET
+planned	VERB
+systems	NOUN
+changes	NOUN
+and	CCONJ
+manual	ADJ
+substantiation	NOUN
+efforts	NOUN
+are	AUX
+behind	ADP
+schedule	NOUN
+.	PUNCT
+
+Additional	ADJ
+resources	NOUN
+are	AUX
+being	AUX
+allocated	VERB
+and	CCONJ
+the	DET
+situation	NOUN
+is	AUX
+being	AUX
+closely	ADV
+monitored	VERB
+(	PUNCT
+both	CCONJ
+for	ADP
+quarter	NOUN
+end	NOUN
+signoff	NOUN
+and	CCONJ
+on	X
+going	ADJ
+operations	NOUN
+)	PUNCT
+.	PUNCT
+
+Please	INTJ
+contact	VERB
+me	PRON
+if	SCONJ
+you	PRON
+require	VERB
+any	DET
+additional	ADJ
+information	NOUN
+
+Mike	PROPN
+
+Mike	PROPN
+Jordan	PROPN
+
+03/04/2001	NUM
+16:29	NUM
+
+The	DET
+intention	NOUN
+of	ADP
+the	DET
+efforts	NOUN
+and	CCONJ
+actions	NOUN
+documented	VERB
+in	ADP
+my	PRON
+earlier	ADJ
+update	NOUN
+(	PUNCT
+see	VERB
+attached	VERB
+email	NOUN
+)	PUNCT
+was	VERB
+to	PART
+provide	VERB
+a	DET
+robust	ADJ
+position	NOUN
+signoff	NOUN
+process	NOUN
+for	ADP
+total	ADJ
+metal	NOUN
+tonnage	NOUN
+,	PUNCT
+spread	NOUN
+and	CCONJ
+brand	NOUN
+and	CCONJ
+location	NOUN
+a	DET
+timely	ADJ
+substantiation	NOUN
+of	ADP
+stock	NOUN
+on	ADP
+balance	NOUN
+sheet	NOUN
+forward	ADJ
+MTM	NOUN
+debtors	NOUN
+and	CCONJ
+creditor	NOUN
+balances	NOUN
+OBSF	NOUN
+transactional	ADJ
+values	NOUN
+and	CCONJ
+a	DET
+reconciliation	NOUN
+of	ADP
+the	DET
+barclays	PROPN
+intercompany	ADJ
+account	NOUN
+
+Despite	ADP
+the	DET
+best	ADJ
+efforts	NOUN
+of	ADP
+IT	NOUN
+,	PUNCT
+continuing	VERB
+problems	NOUN
+with	ADP
+the	DET
+AS400	NOUN
+application	NOUN
+,	PUNCT
+a	DET
+better	ADJ
+understanding	NOUN
+of	ADP
+the	DET
+inconsistency	NOUN
+between	ADP
+stock	NOUN
+reconciliation	NOUN
+reports	NOUN
+,	PUNCT
+and	CCONJ
+concerns	NOUN
+over	ADP
+the	DET
+useability	NOUN
+of	ADP
+the	DET
+outright	ADJ
+stock	NOUN
+screen	NOUN
+enquiry	NOUN
+are	AUX
+such	ADJ
+that	SCONJ
+I	PRON
+am	AUX
+currently	ADV
+not	PART
+confident	ADJ
+of	SCONJ
+delivering	VERB
+sufficient	ADJ
+accurate	ADJ
+information	NOUN
+to	ADP
+AA	NOUN
+to	PART
+satisfy	VERB
+their	PRON
+audit	NOUN
+requirements	NOUN
+-	PUNCT
+which	PRON
+at	ADP
+a	DET
+macro	ADJ
+level	NOUN
+is	AUX
+the	DET
+transparent	ADJ
+audit	NOUN
+trail	NOUN
+between	ADP
+stock	NOUN
+and	CCONJ
+forward	ADJ
+positions	NOUN
+to	ADP
+full	ADJ
+accounting	NOUN
+values	NOUN
+.	PUNCT
+
+Consequently	ADV
+I	PRON
+need	VERB
+to	PART
+inform	VERB
+you	PRON
+of	ADP
+,	PUNCT
+and	CCONJ
+/	PUNCT
+or	CCONJ
+require	VERB
+your	PRON
+approval	NOUN
+for	ADP
+,	PUNCT
+the	DET
+following	VERB
+:	PUNCT
+
+I	PRON
+will	AUX
+discuss	VERB
+with	ADP
+AA	NOUN
+the	DET
+following	VERB
+
+that	SCONJ
+OBSF	NOUN
+values	NOUN
+within	ADP
+the	DET
+extended	VERB
+trial	NOUN
+balance	NOUN
+may	AUX
+be	AUX
+misstated	VERB
+due	ADP
+to	ADP
+data	NOUN
+issues	NOUN
+(	PUNCT
+above	ADP
+and	CCONJ
+beyond	ADP
+existing	VERB
+conversations	NOUN
+with	ADP
+AA	NOUN
+on	ADP
+model	NOUN
+simplifications	NOUN
+)	PUNCT
+
+that	SCONJ
+there	PRON
+are	VERB
+reconciling	NOUN
+differences	NOUN
+between	ADP
+trader	NOUN
+position	NOUN
+analyses	NOUN
+,	PUNCT
+AS400	NOUN
+on	ADP
+screen	NOUN
+enquiries	NOUN
+and	CCONJ
+the	DET
+formal	ADJ
+global	ADJ
+position	NOUN
+report	NOUN
+(	PUNCT
+these	DET
+differences	NOUN
+are	AUX
+at	ADP
+present	ADJ
+not	PART
+understood	VERB
+but	CCONJ
+would	AUX
+need	VERB
+to	PART
+be	AUX
+provided	VERB
+to	ADP
+AA	NOUN
+within	ADP
+the	DET
+audit	NOUN
+timetable	NOUN
+)	PUNCT
+
+an	DET
+outline	NOUN
+of	ADP
+the	DET
+internal	ADJ
+balance	NOUN
+sheet	NOUN
+review	NOUN
+process	NOUN
+described	VERB
+in	ADP
+my	PRON
+earlier	ADJ
+note	NOUN
+which	PRON
+must	AUX
+now	ADV
+be	AUX
+reprioritised	VERB
+and	CCONJ
+rescoped	VERB
+(	PUNCT
+see	VERB
+MO	NOUN
+work	NOUN
+)	PUNCT
+
+The	DET
+creation	NOUN
+of	ADP
+an	DET
+incentive	NOUN
+payment	NOUN
+pool	NOUN
+(	PUNCT
+possibly	ADV
+via	ADP
+personal	ADJ
+best	ADJ
+awards	NOUN
+)	PUNCT
+for	ADP
+key	ADJ
+Metals	PROPN
+staff	NOUN
+who	PRON
+continue	VERB
+to	PART
+work	VERB
+exceptionally	ADV
+unsociable	ADJ
+hours	NOUN
+to	PART
+meet	VERB
+the	DET
+above	ADV
+stated	VERB
+objectives	NOUN
+
+The	DET
+signoff	NOUN
+for	ADP
+additional	ADJ
+permanent	ADJ
+'	PUNCT
+Enron	PROPN
+'	PUNCT
+headcount	NOUN
+who	PRON
+will	AUX
+'	PUNCT
+duplicate	VERB
+'	PUNCT
+certain	ADJ
+key	ADJ
+position	NOUN
+control	NOUN
+processes	NOUN
+ultimately	ADV
+replacing	VERB
+some	DET
+existing	VERB
+Traffic	PROPN
+staff	NOUN
+
+A	DET
+reconciling	NOUN
+difference	NOUN
+of	ADP
+$	SYM
+15	NUM
+mm	NUM
+exists	VERB
+between	ADP
+the	DET
+reported	VERB
+DPR	NOUN
+and	CCONJ
+the	DET
+final	ADJ
+accounting	NOUN
+p&l	NOUN
+as	SCONJ
+generated	VERB
+on	ADP
+the	DET
+AS400	NOUN
+.	PUNCT
+
+We	PRON
+will	AUX
+continue	VERB
+to	PART
+investigate	VERB
+potential	ADJ
+misstatements	NOUN
+in	ADP
+the	DET
+system	NOUN
+p&l	NOUN
+,	PUNCT
+as	ADP
+a	DET
+result	NOUN
+of	ADP
+data	NOUN
+or	CCONJ
+system	NOUN
+valuation	NOUN
+problems	NOUN
+,	PUNCT
+within	ADP
+the	DET
+month	NOUN
+end	NOUN
+reporting	NOUN
+timeframe	NOUN
+.	PUNCT
+
+However	ADV
+,	PUNCT
+this	DET
+difference	NOUN
+may	AUX
+need	VERB
+to	PART
+be	AUX
+adjusted	VERB
+for	SCONJ
+following	VERB
+a	DET
+final	ADJ
+review	NOUN
+and	CCONJ
+signoff	NOUN
+of	ADP
+system	NOUN
+p&l	NOUN
+values	NOUN
+with	ADP
+traders	NOUN
+.	PUNCT
+
+The	DET
+recall	NOUN
+of	ADP
+all	DET
+OBSF	NOUN
+stock	NOUN
+in	ADP
+early	ADJ
+April	PROPN
+and	CCONJ
+retention	NOUN
+on	ADP
+balance	NOUN
+sheet	NOUN
+(	PUNCT
+reduced	VERB
+where	ADV
+economically	ADV
+viable	ADJ
+)	PUNCT
+until	SCONJ
+positions	NOUN
+are	AUX
+fully	ADV
+reconciled	VERB
+and	CCONJ
+repeatable	ADJ
+daily	ADJ
+signoff	NOUN
+process	NOUN
+can	AUX
+be	AUX
+instigated	VERB
+.	PUNCT
+
+Middle	PROPN
+Office	PROPN
+work	NOUN
+being	AUX
+prioritised	VERB
+is	VERB
+as	SCONJ
+follows	VERB
+
+the	DET
+stock	NOUN
+circularisation	NOUN
+initiated	VERB
+for	ADP
+close	NOUN
+of	ADP
+business	NOUN
+23rd	NOUN
+-	PUNCT
+with	ADP
+full	ADJ
+reconciliation	NOUN
+of	ADP
+returns	NOUN
+to	ADP
+current	ADJ
+system	NOUN
+data	NOUN
+by	ADP
+traffic	NOUN
+/	PUNCT
+co-ordination	NOUN
+an	DET
+audit	NOUN
+of	ADP
+the	DET
+stock	NOUN
+and	CCONJ
+forward	ADJ
+valuation	NOUN
+report	NOUN
+for	ADP
+the	DET
+30th	NOUN
+(	PUNCT
+replacing	VERB
+planned	VERB
+23rd	NOUN
+review	NOUN
+due	ADP
+to	ADP
+system	NOUN
+issues	NOUN
+)	PUNCT
+,	PUNCT
+requiring	VERB
+full	ADJ
+download	NOUN
+of	ADP
+contract	NOUN
+detail	NOUN
+for	ADP
+later	ADJ
+reference	NOUN
+
+reconciliation	NOUN
+of	ADP
+stock	NOUN
+movements	NOUN
+between	ADP
+23rd	NOUN
+and	CCONJ
+30th	NOUN
+sample	NOUN
+tests	NOUN
+of	ADP
+vanilla	NOUN
+forward	ADJ
+transactions	NOUN
+
+detailed	ADJ
+position	NOUN
+analysis	NOUN
+of	ADP
+all	DET
+OBSF	NOUN
+contracts	NOUN
+that	PRON
+must	AUX
+be	AUX
+reconciled	VERB
+to	ADP
+Barclays	PROPN
+documentation	NOUN
+
+spreadsheet	NOUN
+recalculation	NOUN
+of	ADP
+OBSF	NOUN
+option	NOUN
+premium	NOUN
+utilising	VERB
+the	DET
+above	ADJ
+manually	ADV
+created	VERB
+position	NOUN
+analysis	NOUN
+
+the	DET
+circularisation	NOUN
+of	ADP
+Barclays	PROPN
+intercompany	ADJ
+account	NOUN
+and	CCONJ
+comparison	NOUN
+to	ADP
+our	PRON
+cut	NOUN
+off	NOUN
+and	CCONJ
+substantiation	NOUN
+analysis	NOUN
+
+the	DET
+debtors	NOUN
+/	PUNCT
+creditors	NOUN
+partial	ADJ
+circularisation	NOUN
+initiated	VERB
+for	ADP
+close	NOUN
+of	ADP
+business	NOUN
+23rd	NOUN
+
+I	PRON
+will	AUX
+be	AUX
+in	ADP
+touch	NOUN
+directly	ADV
+re	ADP
+the	DET
+items	NOUN
+needing	VERB
+approval	NOUN
+
+Regards	NOUN
+
+Mike	PROPN
+
+Mike	PROPN
+Jordan	PROPN
+
+21/03/2001	NUM
+18:20	NUM
+
+Several	ADJ
+related	ADJ
+issues	NOUN
+have	AUX
+resulted	VERB
+in	ADP
+an	DET
+increase	NOUN
+in	ADP
+the	DET
+level	NOUN
+of	ADP
+operating	NOUN
+risk	NOUN
+for	ADP
+the	DET
+Merchanting	PROPN
+Metals	PROPN
+business	NOUN
+.	PUNCT
+
+Complexities	NOUN
+surrounding	VERB
+the	DET
+operation	NOUN
+of	ADP
+the	DET
+Off	ADP
+Balance	NOUN
+Sheet	NOUN
+Facility	NOUN
+(	PUNCT
+"	PUNCT
+OBSF	NOUN
+"	PUNCT
+)	PUNCT
+which	PRON
+commenced	VERB
+two	NUM
+weeks	NOUN
+before	ADP
+the	DET
+year	NOUN
+end	NOUN
+.	PUNCT
+
+The	DET
+uncertainty	NOUN
+generated	VERB
+by	ADP
+the	DET
+revocation	NOUN
+of	ADP
+AA	NOUN
+'s	PART
+signoff	NOUN
+for	ADP
+the	DET
+facility	NOUN
+late	ADV
+in	ADP
+the	DET
+year	NOUN
+end	NOUN
+audit	NOUN
+.	PUNCT
+
+The	DET
+discovery	NOUN
+of	ADP
+a	DET
+number	NOUN
+of	ADP
+'	PUNCT
+bugs	NOUN
+'	PUNCT
+within	ADP
+the	DET
+AS400	NOUN
+Merchanting	PROPN
+code	NOUN
+,	PUNCT
+arising	VERB
+from	ADP
+the	DET
+release	NOUN
+of	ADP
+OBSF	NOUN
+designed	VERB
+functionality	NOUN
+,	PUNCT
+which	PRON
+compounded	VERB
+the	DET
+operational	ADJ
+burden	NOUN
+of	SCONJ
+supporting	VERB
+the	DET
+OBSF	NOUN
+.	PUNCT
+
+The	DET
+requirement	NOUN
+to	PART
+amend	VERB
+the	DET
+operational	ADJ
+process	NOUN
+and	CCONJ
+OBSF	NOUN
+IT	NOUN
+code	NOUN
+as	ADP
+a	DET
+result	NOUN
+of	ADP
+the	DET
+current	ADJ
+renegotiation	NOUN
+of	ADP
+the	DET
+OBSF	NOUN
+with	ADP
+Barclays	PROPN
+(	PUNCT
+and	CCONJ
+AA	NOUN
+)	PUNCT
+.	PUNCT
+
+The	DET
+senior	ADJ
+IT	NOUN
+developer	NOUN
+for	ADP
+Merchanting	PROPN
+has	AUX
+resigned	VERB
+and	CCONJ
+been	AUX
+sent	VERB
+on	ADP
+gardening	NOUN
+leave	NOUN
+.	PUNCT
+
+The	DET
+Corporate	ADJ
+requirement	NOUN
+to	PART
+lower	VERB
+working	NOUN
+capital	NOUN
+usage	NOUN
+for	ADP
+the	DET
+Merchanting	PROPN
+business	NOUN
+irrespective	ADV
+of	ADP
+the	DET
+above	ADJ
+parochial	ADJ
+business	NOUN
+issues	NOUN
+.	PUNCT
+
+Various	ADJ
+mitigating	NOUN
+actions	NOUN
+have	AUX
+been	VERB
+and	CCONJ
+will	AUX
+be	VERB
+taken	VERB
+to	PART
+provide	VERB
+focus	NOUN
+,	PUNCT
+gain	VERB
+comfort	NOUN
+over	ADP
+control	NOUN
+levels	NOUN
+and	CCONJ
+to	PART
+provide	VERB
+assurance	NOUN
+to	ADP
+senior	ADJ
+management	NOUN
+as	ADP
+to	ADP
+the	DET
+accuracy	NOUN
+of	ADP
+the	DET
+Q1	NOUN
+DPR	NOUN
+and	CCONJ
+business	NOUN
+balance	NOUN
+sheet	NOUN
+.	PUNCT
+
+The	DET
+implementation	NOUN
+for	ADP
+SAP	NOUN
+for	ADP
+the	DET
+Merchanting	PROPN
+business	NOUN
+has	AUX
+been	AUX
+delayed	VERB
+and	CCONJ
+effectively	ADV
+decoupled	VERB
+from	ADP
+the	DET
+higher	ADJ
+risk	NOUN
+(	PUNCT
+higher	ADJ
+benefit	NOUN
+)	PUNCT
+Brokerage	NOUN
+implementation	NOUN
+-	PUNCT
+benefit	NOUN
+is	VERB
+to	PART
+provide	VERB
+sole	ADJ
+focus	NOUN
+on	ADP
+OBSF	NOUN
+for	ADP
+IT	NOUN
+Merchanting	PROPN
+developers	NOUN
+.	PUNCT
+
+The	DET
+AR	NOUN
+/	PUNCT
+AP	NOUN
+SAP	NOUN
+data	NOUN
+quality	NOUN
+reviews	NOUN
+for	ADP
+both	DET
+businesses	NOUN
+are	AUX
+continuing	VERB
+so	SCONJ
+as	SCONJ
+to	PART
+provide	VERB
+a	DET
+detailed	ADJ
+analysis	NOUN
+as	ADP
+at	ADP
+end	NOUN
+Q1	NOUN
+.	PUNCT
+
+Middle	PROPN
+Office	PROPN
+have	AUX
+instigated	VERB
+a	DET
+new	ADJ
+daily	ADJ
+working	NOUN
+capital	NOUN
+report	NOUN
+process	NOUN
+tracking	VERB
+cash	NOUN
+settlement	NOUN
+/	PUNCT
+funding	NOUN
+data	NOUN
+to	ADP
+working	NOUN
+capital	NOUN
+components	NOUN
+for	ADP
+all	DET
+Metals	PROPN
+businesses	NOUN
+.	PUNCT
+
+An	DET
+enhanced	VERB
+position	NOUN
+signoff	NOUN
+process	NOUN
+will	AUX
+be	AUX
+implemented	VERB
+prior	ADJ
+to	ADP
+end	NOUN
+Q1	NOUN
+covering	VERB
+gross	ADJ
+tonnage	NOUN
+,	PUNCT
+spread	NOUN
+positions	NOUN
+and	CCONJ
+summarised	VERB
+analyses	NOUN
+for	ADP
+brand	NOUN
+and	CCONJ
+locations	NOUN
+.	PUNCT
+
+The	DET
+necessary	ADJ
+report	NOUN
+functionality	NOUN
+should	AUX
+be	AUX
+available	ADJ
+within	ADP
+the	DET
+AS400	NOUN
+,	PUNCT
+however	ADV
+contingencies	NOUN
+have	AUX
+been	AUX
+initiated	VERB
+to	PART
+build	VERB
+tactical	ADJ
+VBA	PROPN
+/	PUNCT
+excel	PROPN
+reports	NOUN
+outside	ADP
+of	ADP
+the	DET
+AS400	NOUN
+but	CCONJ
+using	VERB
+AS400	NOUN
+data	NOUN
+downloads	NOUN
+.	PUNCT
+
+User	NOUN
+requests	NOUN
+for	ADP
+additional	ADJ
+AS400	NOUN
+functionality	NOUN
+and	CCONJ
+reports	NOUN
+have	AUX
+been	AUX
+aggressively	ADV
+prioritised	VERB
+and	CCONJ
+a	DET
+code	NOUN
+freeze	NOUN
+will	AUX
+commence	VERB
+prior	ADJ
+to	ADP
+the	DET
+end	NOUN
+of	ADP
+Q1	NOUN
+following	VERB
+the	DET
+delivery	NOUN
+of	ADP
+three	NUM
+reports	NOUN
+determined	VERB
+as	ADP
+minimum	ADJ
+requirements	NOUN
+for	ADP
+the	DET
+support	NOUN
+of	ADP
+OBSF	NOUN
+.	PUNCT
+
+A	DET
+resubstantiation	NOUN
+of	ADP
+the	DET
+full	ADJ
+Q1	NOUN
+DPR	NOUN
+will	AUX
+be	AUX
+completed	VERB
+by	ADP
+the	DET
+Risk	NOUN
+control	NOUN
+staff	NOUN
+reconciling	VERB
+the	DET
+full	ADJ
+trial	NOUN
+balances	NOUN
+between	ADP
+Q1	NOUN
+open	NOUN
+and	CCONJ
+Q1	NOUN
+close	NOUN
+
+A	DET
+full	ADJ
+internal	ADJ
+balance	NOUN
+sheet	NOUN
+review	NOUN
+will	AUX
+be	AUX
+completed	VERB
+within	ADP
+the	DET
+Q1	NOUN
+audit	NOUN
+timetable	NOUN
+which	PRON
+incorporates	VERB
+
+A	DET
+full	ADJ
+circularisation	NOUN
+of	ADP
+inventory	NOUN
+balances	NOUN
+,	PUNCT
+and	CCONJ
+matching	NOUN
+to	ADP
+source	NOUN
+documentation	NOUN
+within	ADP
+Enron	PROPN
+
+Inspection	NOUN
+of	ADP
+certain	ADJ
+of	ADP
+the	DET
+above	ADJ
+inventory	NOUN
+balances	NOUN
+,	PUNCT
+by	ADP
+third	ADJ
+party	NOUN
+inspectors	NOUN
+,	PUNCT
+where	ADV
+there	PRON
+is	VERB
+an	DET
+expectation	NOUN
+that	SCONJ
+circularisation	NOUN
+replies	NOUN
+will	AUX
+not	PART
+be	AUX
+received	VERB
+on	ADP
+a	DET
+timely	ADJ
+basis	NOUN
+
+Substantive	ADJ
+checks	NOUN
+back	ADV
+to	ADP
+source	NOUN
+contract	NOUN
+documentation	NOUN
+for	ADP
+the	DET
+forward	ADJ
+priced	ADJ
+and	CCONJ
+unpriced	ADJ
+positions	NOUN
+report	NOUN
+(	PUNCT
+spot	NOUN
+checking	VERB
+the	DET
+key	ADJ
+position	NOUN
+report	NOUN
+signed	VERB
+off	ADP
+by	ADP
+the	DET
+traders	NOUN
+)	PUNCT
+
+Full	ADJ
+reconciliation	NOUN
+and	CCONJ
+recalculation	NOUN
+of	ADP
+OBSF	NOUN
+option	NOUN
+premium	NOUN
+values	NOUN
+
+Full	ADJ
+reconciliation	NOUN
+of	ADP
+contracts	NOUN
+within	ADP
+the	DET
+OBSF	NOUN
+to	ADP
+Barclays	PROPN
+documentation	NOUN
+(	PUNCT
+thereby	ADV
+substantiating	VERB
+existence	NOUN
+of	ADP
+stock	NOUN
+that	PRON
+we	PRON
+have	VERB
+option	NOUN
+to	PART
+purchase	VERB
+)	PUNCT
+and	CCONJ
+to	ADP
+AS400	NOUN
+Barclays	PROPN
+account	NOUN
+
+A	DET
+risk	NOUN
+based	VERB
+debtors	NOUN
+review	NOUN
+-	PUNCT
+matching	VERB
+to	ADP
+source	NOUN
+documentation	NOUN
+,	PUNCT
+where	ADV
+applicable	ADJ
+,	PUNCT
+and	CCONJ
+any	DET
+subsequent	ADJ
+post	X
+quarter	ADJ
+end	NOUN
+cash	NOUN
+movements	NOUN
+
+A	DET
+full	ADJ
+substantiation	NOUN
+of	ADP
+creditors	NOUN
+to	ADP
+internal	ADJ
+(	PUNCT
+contract	NOUN
+commitments	NOUN
+)	PUNCT
+or	CCONJ
+external	ADJ
+documentation	NOUN
+(	PUNCT
+invoices	NOUN
+/	PUNCT
+request	NOUN
+for	ADP
+payment	NOUN
+)	PUNCT
+
+A	DET
+full	ADJ
+reconciliation	NOUN
+of	ADP
+intercompany	ADJ
+accounts	NOUN
+
+A	DET
+full	ADJ
+substantive	ADJ
+reconciliation	NOUN
+of	ADP
+cash	NOUN
+and	CCONJ
+funding	NOUN
+accounts	NOUN
+
+I	PRON
+intend	VERB
+to	PART
+provide	VERB
+weekly	ADJ
+updates	NOUN
+on	ADP
+the	DET
+status	NOUN
+of	ADP
+the	DET
+above	ADJ
+actions	NOUN
+during	ADP
+April	PROPN
+
+If	SCONJ
+you	PRON
+have	VERB
+any	DET
+questions	NOUN
+please	INTJ
+call	VERB
+me	PRON
+on	ADP
+x34703	NOUN
+
+Regards	NOUN
+
+Mike	PROPN
+
+Dr.	PROPN
+Harris	PROPN
+:	PUNCT
+
+I	PRON
+would	AUX
+like	VERB
+to	PART
+thank	VERB
+you	PRON
+for	SCONJ
+personally	ADV
+taking	VERB
+the	DET
+time	NOUN
+to	PART
+closely	ADV
+review	VERB
+my	PRON
+application	NOUN
+.	PUNCT
+
+Though	SCONJ
+I	PRON
+am	AUX
+disappointed	ADJ
+with	ADP
+the	DET
+results	NOUN
+I	PRON
+am	AUX
+still	ADV
+determined	ADJ
+to	PART
+attend	VERB
+The	DET
+TEXAS	PROPN
+Graduate	PROPN
+School	PROPN
+of	ADP
+Business	PROPN
+next	ADJ
+year	NOUN
+.	PUNCT
+
+I	PRON
+understand	VERB
+how	ADV
+competitive	ADJ
+the	DET
+process	NOUN
+has	AUX
+become	VERB
+,	PUNCT
+but	CCONJ
+I	PRON
+felt	VERB
+that	SCONJ
+with	ADP
+my	PRON
+work	NOUN
+experiences	NOUN
+,	PUNCT
+recommendations	NOUN
+,	PUNCT
+personality	NOUN
+,	PUNCT
+extracurricular	ADJ
+activities	NOUN
+,	PUNCT
+etc.	X
+that	SCONJ
+this	PRON
+would	AUX
+compensate	VERB
+for	ADP
+my	PRON
+disability	NOUN
+.	PUNCT
+
+After	SCONJ
+talking	VERB
+with	ADP
+Professors	PROPN
+Titman	PROPN
+,	PUNCT
+Ronn	PROPN
+,	PUNCT
+Brown	PROPN
+and	CCONJ
+Jemison	PROPN
+,	PUNCT
+I	PRON
+was	AUX
+sure	ADJ
+that	SCONJ
+the	DET
+School	NOUN
+was	AUX
+the	DET
+right	ADJ
+place	NOUN
+to	PART
+get	VERB
+the	DET
+education	NOUN
+I	PRON
+was	AUX
+looking	VERB
+for	ADP
+.	PUNCT
+
+I	PRON
+am	AUX
+still	ADV
+certain	ADJ
+that	SCONJ
+the	DET
+School	NOUN
+is	AUX
+the	DET
+best	ADJ
+place	NOUN
+for	SCONJ
+getting	VERB
+a	DET
+great	ADJ
+graduate	NOUN
+-	PUNCT
+level	NOUN
+education	NOUN
+,	PUNCT
+so	ADV
+I	PRON
+want	VERB
+you	PRON
+to	PART
+know	VERB
+that	SCONJ
+I	PRON
+am	AUX
+going	VERB
+to	PART
+do	VERB
+whatever	PRON
+it	PRON
+takes	VERB
+to	PART
+get	VERB
+in	ADV
+next	ADJ
+year	NOUN
+.	PUNCT
+
+I	PRON
+plan	VERB
+on	SCONJ
+taking	VERB
+two	NUM
+or	CCONJ
+three	NUM
+graduate	NOUN
+level	NOUN
+finance	NOUN
+courses	NOUN
+at	ADP
+the	DET
+University	PROPN
+of	ADP
+Houston	PROPN
+this	DET
+Summer	NOUN
+and	CCONJ
+Fall	NOUN
+to	PART
+demonstrate	VERB
+to	ADP
+the	DET
+Admissions	NOUN
+committee	NOUN
+that	SCONJ
+I	PRON
+can	AUX
+compete	VERB
+at	ADP
+the	DET
+graduate	NOUN
+level	NOUN
+.	PUNCT
+
+I	PRON
+also	ADV
+plan	VERB
+on	SCONJ
+retaking	VERB
+the	DET
+GMAT	PROPN
+test	NOUN
+.	PUNCT
+
+Due	ADP
+to	ADP
+my	PRON
+disability	NOUN
+,	PUNCT
+this	PRON
+will	AUX
+be	AUX
+a	DET
+monumental	ADJ
+task	NOUN
+;	PUNCT
+but	CCONJ
+I	PRON
+am	AUX
+determined	ADJ
+to	PART
+prove	VERB
+to	ADP
+the	DET
+Committee	NOUN
+that	SCONJ
+I	PRON
+can	AUX
+be	AUX
+successful	ADJ
+at	ADP
+The	DET
+TEXAS	PROPN
+Graduate	PROPN
+School	PROPN
+of	ADP
+Business	PROPN
+.	PUNCT
+
+I	PRON
+would	AUX
+like	VERB
+to	PART
+come	VERB
+down	ADV
+to	ADP
+Austin	PROPN
+this	DET
+spring	NOUN
+to	PART
+meet	VERB
+with	ADP
+you	PRON
+to	PART
+further	ADV
+discuss	VERB
+my	PRON
+application	NOUN
+file	NOUN
+and	CCONJ
+to	PART
+personally	ADV
+meet	VERB
+you	PRON
+.	PUNCT
+
+If	SCONJ
+you	PRON
+think	VERB
+of	ADP
+anything	PRON
+else	ADJ
+I	PRON
+can	AUX
+do	VERB
+to	PART
+strengthen	VERB
+my	PRON
+overall	ADJ
+application	NOUN
+file	NOUN
+for	ADP
+next	ADJ
+year	NOUN
+,	PUNCT
+please	INTJ
+let	VERB
+me	PRON
+know	VERB
+.	PUNCT
+
+Take	VERB
+care	NOUN
+and	CCONJ
+hope	VERB
+to	PART
+hear	VERB
+from	ADP
+you	PRON
+soon	ADV
+.	PUNCT
+
+Sincerely	ADV
+,	PUNCT
+
+Ben	PROPN
+Rogers	PROPN
+
+Professor	PROPN
+Ronn	PROPN
+:	PUNCT
+
+I	PRON
+would	AUX
+like	VERB
+to	PART
+thank	VERB
+you	PRON
+for	SCONJ
+taking	VERB
+the	DET
+time	NOUN
+to	PART
+recommend	VERB
+me	PRON
+to	ADP
+the	DET
+MBA	NOUN
+Program	NOUN
+.	PUNCT
+
+In	ADP
+the	DET
+end	NOUN
+,	PUNCT
+the	DET
+results	NOUN
+were	AUX
+not	PART
+favorable	ADJ
+.	PUNCT
+
+I	PRON
+understand	VERB
+that	SCONJ
+it	PRON
+is	AUX
+a	DET
+competitive	ADJ
+process	NOUN
+,	PUNCT
+but	CCONJ
+I	PRON
+felt	VERB
+that	SCONJ
+with	ADP
+my	PRON
+work	NOUN
+experiences	NOUN
+,	PUNCT
+recommendations	NOUN
+,	PUNCT
+extracurricular	ADJ
+activities	NOUN
+,	PUNCT
+etc.	X
+,	PUNCT
+that	SCONJ
+this	PRON
+would	AUX
+help	VERB
+my	PRON
+chances	NOUN
+and	CCONJ
+possibly	ADV
+compensate	VERB
+for	ADP
+my	PRON
+disability	NOUN
+.	PUNCT
+
+After	SCONJ
+talking	VERB
+with	ADP
+you	PRON
+and	CCONJ
+Professors	PROPN
+Titman	PROPN
+,	PUNCT
+Brown	PROPN
+and	CCONJ
+Jemison	PROPN
+,	PUNCT
+I	PRON
+was	AUX
+sure	ADJ
+that	SCONJ
+UT	PROPN
+was	AUX
+the	DET
+right	ADJ
+place	NOUN
+to	PART
+continue	VERB
+learning	VERB
+about	ADP
+energy	NOUN
+-	PUNCT
+finance	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+still	ADV
+sure	ADJ
+that	SCONJ
+UT	PROPN
+is	AUX
+the	DET
+place	NOUN
+for	SCONJ
+getting	VERB
+an	DET
+excellent	ADJ
+graduate	NOUN
+-	PUNCT
+level	NOUN
+education	NOUN
+,	PUNCT
+so	ADV
+I	PRON
+want	VERB
+you	PRON
+to	PART
+know	VERB
+that	SCONJ
+I	PRON
+am	AUX
+going	VERB
+to	PART
+do	VERB
+whatever	PRON
+it	PRON
+takes	VERB
+to	PART
+get	VERB
+in	ADV
+next	ADJ
+year	NOUN
+.	PUNCT
+
+I	PRON
+plan	VERB
+on	SCONJ
+taking	VERB
+two	NUM
+or	CCONJ
+three	NUM
+graduate	NOUN
+level	NOUN
+finance	NOUN
+courses	NOUN
+at	ADP
+the	DET
+University	PROPN
+of	ADP
+Houston	PROPN
+this	DET
+Summer	NOUN
+and	CCONJ
+Fall	NOUN
+to	PART
+demonstrate	VERB
+to	ADP
+the	DET
+Admissions	NOUN
+office	NOUN
+that	SCONJ
+I	PRON
+can	AUX
+compete	VERB
+at	ADP
+this	DET
+level	NOUN
+.	PUNCT
+
+I	PRON
+also	ADV
+plan	VERB
+on	SCONJ
+trying	VERB
+to	PART
+retake	VERB
+the	DET
+GMAT	PROPN
+test	NOUN
+.	PUNCT
+
+Due	ADP
+to	ADP
+my	PRON
+disability	NOUN
+,	PUNCT
+this	PRON
+will	AUX
+be	AUX
+a	DET
+monumental	ADJ
+task	NOUN
+,	PUNCT
+but	CCONJ
+I	PRON
+am	AUX
+determined	ADJ
+to	PART
+prove	VERB
+to	ADP
+the	DET
+Admissions	NOUN
+commitee	NOUN
+that	SCONJ
+I	PRON
+can	AUX
+excel	VERB
+with	ADP
+the	DET
+work	NOUN
+at	ADP
+The	DET
+Texas	PROPN
+University	PROPN
+Graduate	PROPN
+School	PROPN
+of	ADP
+Business	PROPN
+.	PUNCT
+
+Thanks	NOUN
+again	ADV
+for	SCONJ
+taking	VERB
+the	DET
+time	NOUN
+to	PART
+listen	VERB
+and	CCONJ
+talk	VERB
+with	ADP
+me	PRON
+.	PUNCT
+
+It	PRON
+has	AUX
+been	AUX
+a	DET
+pleasure	NOUN
+meeting	VERB
+you	PRON
+and	CCONJ
+I	PRON
+hope	VERB
+we	PRON
+can	AUX
+continue	VERB
+to	PART
+talk	VERB
+about	ADP
+energy	NOUN
+and	CCONJ
+finance	NOUN
+in	ADP
+the	DET
+future	NOUN
+.	PUNCT
+
+Also	ADV
+,	PUNCT
+if	SCONJ
+you	PRON
+can	AUX
+think	VERB
+of	ADP
+anything	PRON
+else	ADJ
+I	PRON
+can	AUX
+do	VERB
+to	PART
+strengthen	VERB
+my	PRON
+overall	ADJ
+application	NOUN
+file	NOUN
+for	ADP
+next	ADJ
+year	NOUN
+,	PUNCT
+please	INTJ
+let	VERB
+me	PRON
+know	VERB
+.	PUNCT
+
+Take	VERB
+care	NOUN
+and	CCONJ
+hope	VERB
+to	PART
+hear	VERB
+from	ADP
+you	PRON
+soon	ADV
+.	PUNCT
+
+Sincerely	ADV
+,	PUNCT
+
+Ben	PROPN
+Rogers	PROPN
+
+Professor	PROPN
+Titman	PROPN
+:	PUNCT
+
+I	PRON
+would	AUX
+like	VERB
+to	PART
+thank	VERB
+you	PRON
+for	SCONJ
+taking	VERB
+the	DET
+time	NOUN
+to	PART
+recommend	VERB
+me	PRON
+to	ADP
+the	DET
+MBA	NOUN
+Program	NOUN
+.	PUNCT
+
+In	ADP
+the	DET
+end	NOUN
+,	PUNCT
+the	DET
+results	NOUN
+were	AUX
+not	PART
+favorable	ADJ
+.	PUNCT
+
+I	PRON
+understand	VERB
+that	SCONJ
+it	PRON
+is	AUX
+a	DET
+competitive	ADJ
+process	NOUN
+,	PUNCT
+but	CCONJ
+I	PRON
+felt	VERB
+that	SCONJ
+with	ADP
+my	PRON
+work	NOUN
+experiences	NOUN
+,	PUNCT
+recommendations	NOUN
+,	PUNCT
+extrcurricular	ADJ
+activities	NOUN
+,	PUNCT
+etc.	X
+,	PUNCT
+that	SCONJ
+this	PRON
+would	AUX
+help	VERB
+my	PRON
+chances	NOUN
+and	CCONJ
+possibly	ADV
+compensate	VERB
+my	PRON
+disability	NOUN
+.	PUNCT
+
+After	SCONJ
+talking	VERB
+with	ADP
+you	PRON
+and	CCONJ
+Professors	PROPN
+Ronn	PROPN
+,	PUNCT
+Brown	PROPN
+and	CCONJ
+Jemison	PROPN
+,	PUNCT
+I	PRON
+was	AUX
+sure	ADJ
+that	SCONJ
+UT	PROPN
+was	AUX
+the	DET
+right	ADJ
+place	NOUN
+to	PART
+continue	VERB
+learning	VERB
+about	ADP
+energy	NOUN
+-	PUNCT
+finance	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+still	ADV
+sure	ADJ
+that	SCONJ
+UT	PROPN
+is	AUX
+the	DET
+place	NOUN
+for	SCONJ
+getting	VERB
+an	DET
+excellent	ADJ
+graduate	NOUN
+-	PUNCT
+level	NOUN
+education	NOUN
+,	PUNCT
+so	ADV
+I	PRON
+want	VERB
+you	PRON
+to	PART
+know	VERB
+that	SCONJ
+I	PRON
+am	AUX
+going	VERB
+to	PART
+do	VERB
+what	X
+ever	PRON
+it	PRON
+takes	VERB
+to	PART
+get	VERB
+in	ADV
+next	ADJ
+year	NOUN
+.	PUNCT
+
+I	PRON
+plan	VERB
+on	SCONJ
+taking	VERB
+a	DET
+couple	NOUN
+of	ADP
+graduate	NOUN
+level	NOUN
+finance	NOUN
+courses	NOUN
+at	ADP
+the	DET
+University	PROPN
+of	ADP
+Houston	PROPN
+this	DET
+Summer	NOUN
+and	CCONJ
+Fall	NOUN
+to	PART
+demonstrate	VERB
+to	ADP
+the	DET
+Admissions	NOUN
+office	NOUN
+that	SCONJ
+I	PRON
+can	AUX
+compete	VERB
+at	ADP
+this	DET
+level	NOUN
+.	PUNCT
+
+I	PRON
+also	ADV
+plan	VERB
+on	SCONJ
+trying	VERB
+to	PART
+retake	VERB
+the	DET
+GMAT	NOUN
+test	NOUN
+.	PUNCT
+
+Due	ADP
+to	ADP
+my	PRON
+disability	NOUN
+,	PUNCT
+this	PRON
+will	AUX
+be	AUX
+a	DET
+monumental	ADJ
+task	NOUN
+,	PUNCT
+but	CCONJ
+I	PRON
+am	AUX
+determined	ADJ
+to	PART
+prove	VERB
+to	ADP
+the	DET
+Admissions	NOUN
+committment	NOUN
+that	SCONJ
+I	PRON
+can	AUX
+do	VERB
+the	DET
+work	NOUN
+at	ADP
+The	DET
+Texas	PROPN
+University	PROPN
+Graduate	PROPN
+School	PROPN
+of	ADP
+Business	PROPN
+.	PUNCT
+
+Also	ADV
+,	PUNCT
+I	PRON
+would	AUX
+like	VERB
+to	PART
+continue	VERB
+our	PRON
+dialague	NOUN
+regarding	VERB
+creating	VERB
+an	DET
+Energy	NOUN
+-	PUNCT
+Finance	NOUN
+Private	ADJ
+Equity	NOUN
+Fund	NOUN
+at	ADP
+UT	PROPN
+.	PUNCT
+
+I	PRON
+know	VERB
+that	SCONJ
+with	ADP
+my	PRON
+industry	NOUN
+-	PUNCT
+wide	ADJ
+and	CCONJ
+investment	NOUN
+banking	NOUN
+contacts	NOUN
+that	SCONJ
+I	PRON
+can	AUX
+help	VERB
+raise	VERB
+capital	NOUN
+for	ADP
+the	DET
+fund	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+very	ADV
+interested	ADJ
+in	ADP
+energy	NOUN
+-	PUNCT
+finance	NOUN
+and	CCONJ
+think	VERB
+that	SCONJ
+your	PRON
+idea	NOUN
+is	AUX
+a	DET
+very	ADV
+good	ADJ
+.	PUNCT
+
+Thanks	NOUN
+again	ADV
+for	SCONJ
+taking	VERB
+the	DET
+time	NOUN
+to	PART
+listen	VERB
+and	CCONJ
+talk	VERB
+with	ADP
+me	PRON
+.	PUNCT
+
+It	PRON
+has	AUX
+been	AUX
+a	DET
+pleasure	NOUN
+to	PART
+meet	VERB
+with	ADP
+you	PRON
+and	CCONJ
+I	PRON
+hope	VERB
+we	PRON
+can	AUX
+continue	VERB
+to	PART
+talk	VERB
+about	ADP
+energy	NOUN
+and	CCONJ
+finance	NOUN
+in	ADP
+the	DET
+future	NOUN
+.	PUNCT
+
+Also	ADV
+,	PUNCT
+if	SCONJ
+you	PRON
+think	VERB
+of	ADP
+anything	PRON
+else	ADJ
+I	PRON
+can	AUX
+do	VERB
+to	PART
+strengthen	VERB
+my	PRON
+overall	ADJ
+application	NOUN
+file	NOUN
+for	ADP
+next	ADJ
+year	NOUN
+,	PUNCT
+please	INTJ
+let	VERB
+me	PRON
+know	VERB
+.	PUNCT
+
+Take	VERB
+care	NOUN
+and	CCONJ
+hope	VERB
+to	PART
+hear	VERB
+from	ADP
+you	PRON
+soon	ADV
+.	PUNCT
+
+Sincerely	ADV
+,	PUNCT
+
+Ben	PROPN
+Rogers	PROPN
+
+Let	VERB
+me	PRON
+know	VERB
+if	SCONJ
+you	PRON
+have	VERB
+any	DET
+questions	NOUN
+.	PUNCT
+
+Thanks	NOUN
+
+Ben	PROPN
+
+Sorry	ADJ
+about	ADP
+that	PRON
+,	PUNCT
+I	PRON
+was	AUX
+working	VERB
+on	ADP
+the	DET
+Teco	PROPN
+O&M	PROPN
+costs	NOUN
+.	PUNCT
+
+Thanks	NOUN
+
+Ben	PROPN
+
+Please	INTJ
+send	VERB
+me	PRON
+an	DET
+excel	PROPN
+spreadsheet	NOUN
+which	PRON
+depicts	VERB
+the	DET
+value	NOUN
+that	PRON
+you	PRON
+see	VERB
+associated	VERB
+with	ADP
+the	DET
+heat	NOUN
+rate	NOUN
+spread	NOUN
+option	NOUN
+.	PUNCT
+
+I	PRON
+want	VERB
+to	PART
+make	VERB
+sure	ADJ
+that	SCONJ
+I	PRON
+understand	VERB
+exactly	ADV
+how	ADV
+you	PRON
+propose	VERB
+valuing	VERB
+the	DET
+transaction	NOUN
+and	CCONJ
+how	ADV
+this	DET
+value	NOUN
+would	AUX
+be	AUX
+booked	VERB
+.	PUNCT
+
+As	ADP
+such	ADJ
+,	PUNCT
+please	INTJ
+provide	VERB
+the	DET
+following	VERB
+detail	NOUN
+:	PUNCT
+
+Will	AUX
+we	PRON
+be	AUX
+valuing	VERB
+/	PUNCT
+booking	VERB
+a	DET
+series	NOUN
+of	ADP
+monthly	ADJ
+call	NOUN
+options	NOUN
+or	CCONJ
+a	DET
+series	NOUN
+of	ADP
+daily	ADJ
+call	NOUN
+options	NOUN
+?	PUNCT
+
+What	DET
+power	NOUN
+curve	NOUN
+are	AUX
+we	PRON
+valuing	VERB
+the	DET
+deal	NOUN
+against	ADP
+-	PUNCT
+PJM	PROPN
+East	PROPN
+or	CCONJ
+West	PROPN
+Hub	PROPN
+?	PUNCT
+
+Please	INTJ
+send	VERB
+me	PRON
+the	DET
+current	ADJ
+fuel	NOUN
+curve	NOUN
+that	PRON
+you	PRON
+are	AUX
+converting	VERB
+to	ADP
+$	SYM
+/	SYM
+MWh	NOUN
+to	PART
+value	VERB
+the	DET
+deal	NOUN
+?	PUNCT
+
+What	DET
+volatilities	NOUN
+are	AUX
+you	PRON
+using	VERB
+to	PART
+value	VERB
+the	DET
+options	NOUN
+-	PUNCT
+monthly	ADJ
+volatilities	NOUN
+or	CCONJ
+intra-day	ADJ
+volatilities	NOUN
+or	CCONJ
+a	DET
+blend	NOUN
+of	ADP
+the	DET
+two	NUM
+(	PUNCT
+if	SCONJ
+blending	VERB
+please	INTJ
+show	VERB
+me	PRON
+what	DET
+formula	NOUN
+you	PRON
+using	VERB
+to	PART
+blend	VERB
+the	DET
+two	NUM
+vols	NOUN
+)	PUNCT
+?	PUNCT
+
+What	DET
+expiration	NOUN
+date	NOUN
+are	AUX
+you	PRON
+using	VERB
+,	PUNCT
+i.e.	X
+:	PUNCT
+for	ADP
+monthly	ADJ
+call	NOUN
+options	NOUN
+the	DET
+15th	NOUN
+of	ADP
+the	DET
+relevant	ADJ
+month	NOUN
+,	PUNCT
+and	CCONJ
+for	ADP
+daily	ADJ
+options	NOUN
+?	PUNCT
+
+What	DET
+correlation	NOUN
+are	AUX
+you	PRON
+assuming	VERB
+,	PUNCT
+15	NUM
+%	SYM
+flat	ADJ
+for	ADP
+twenty	NUM
+years	NOUN
+?	PUNCT
+
+Are	AUX
+you	PRON
+deducting	VERB
+all	DET
+operating	NOUN
+expenses	NOUN
+from	ADP
+the	DET
+value	NOUN
+of	ADP
+the	DET
+option	NOUN
+?	PUNCT
+
+Are	AUX
+you	PRON
+using	VERB
+the	DET
+"	PUNCT
+SPRDOPT	NOUN
+"	PUNCT
+Exotic	ADJ
+Options	NOUN
+function	NOUN
+to	PART
+value	VERB
+the	DET
+option	NOUN
+?	PUNCT
+
+Are	AUX
+you	PRON
+using	VERB
+the	DET
+$	SYM
+/	SYM
+MWh	NOUN
+VOM	NOUN
+dollar	NOUN
+amount	NOUN
+as	ADP
+your	PRON
+strike	NOUN
+?	PUNCT
+
+Has	AUX
+Don	PROPN
+provided	VERB
+the	DET
+fixed	VERB
+payment	NOUN
+stream	NOUN
+?	PUNCT
+
+This	DET
+stream	NOUN
+should	AUX
+be	AUX
+covering	VERB
+both	CCONJ
+P&I	NOUN
+and	CCONJ
+not	ADV
+just	ADV
+principal	NOUN
+.	PUNCT
+
+Yvan	PROPN
+,	PUNCT
+and	CCONJ
+Ben	PROPN
+,	PUNCT
+please	INTJ
+provide	VERB
+answers	NOUN
+to	ADP
+these	DET
+question	NOUN
+via	ADP
+written	VERB
+correspondence	NOUN
+so	SCONJ
+that	SCONJ
+their	PRON
+is	VERB
+limited	ADJ
+probability	NOUN
+of	ADP
+misunderstanding	NOUN
+.	PUNCT
+
+Thank	VERB
+you	PRON
+both	DET
+very	ADV
+much	ADV
+for	ADP
+your	PRON
+time	NOUN
+and	CCONJ
+help	NOUN
+thus	ADV
+far	ADV
+.	PUNCT
+
+Furthermore	ADV
+,	PUNCT
+I	PRON
+would	AUX
+like	VERB
+to	PART
+reiterate	VERB
+that	SCONJ
+RAC	NOUN
+'s	PART
+goal	NOUN
+,	PUNCT
+prior	ADJ
+to	SCONJ
+quoting	VERB
+any	DET
+credit	NOUN
+reserve	NOUN
+,	PUNCT
+is	VERB
+to	PART
+be	AUX
+100	NUM
+%	SYM
+confident	ADJ
+that	SCONJ
+:	PUNCT
+(	PUNCT
+i	X
+)	PUNCT
+the	DET
+methodology	NOUN
+that	PRON
+is	AUX
+being	AUX
+employed	VERB
+is	AUX
+consistent	ADJ
+among	ADP
+the	DET
+internal	ADJ
+groups	NOUN
+;	PUNCT
+and	CCONJ
+(	PUNCT
+ii	X
+)	PUNCT
+the	DET
+inherent	ADJ
+value	NOUN
+of	ADP
+the	DET
+price	NOUN
+risk	NOUN
+management	NOUN
+contracts	NOUN
+matches	VERB
+.	PUNCT
+
+This	PRON
+enables	VERB
+RAC	NOUN
+to	PART
+manage	VERB
+the	DET
+associated	VERB
+risk	NOUN
+during	ADP
+the	DET
+life	NOUN
+of	ADP
+the	DET
+transaction	NOUN
+both	CCONJ
+effectively	ADV
+and	CCONJ
+appropriately	ADV
+.	PUNCT
+
+Regards	NOUN
+,	PUNCT
+
+Christopher	PROPN
+
+Randy	PROPN
+,	PUNCT
+this	PRON
+is	AUX
+the	DET
+issue	NOUN
+I	PRON
+left	VERB
+you	PRON
+the	DET
+voice	NOUN
+mail	NOUN
+on	ADP
+.	PUNCT
+
+Article	NOUN
+6	NUM
+of	ADP
+the	DET
+Gallup	PROPN
+Compression	PROPN
+Services	PROPN
+Agreement	NOUN
+(	PUNCT
+which	PRON
+I	PRON
+am	AUX
+sending	VERB
+to	ADP
+you	PRON
+separately	ADV
+)	PUNCT
+with	ADP
+ECS	PROPN
+obligates	VERB
+ECS	PROPN
+to	PART
+"	PUNCT
+work	VERB
+in	ADP
+good	ADJ
+faith	NOUN
+with	ADP
+CDEC	PROPN
+"	PUNCT
+to	PART
+establish	VERB
+an	DET
+automated	ADJ
+system	NOUN
+that	PRON
+would	AUX
+automatically	ADV
+have	AUX
+alerted	VERB
+us	PRON
+to	ADP
+peak	NOUN
+loading	NOUN
+conditions	NOUN
+on	ADP
+CDEC	PROPN
+'s	PART
+system	NOUN
+.	PUNCT
+
+We	PRON
+had	VERB
+a	DET
+pretty	ADV
+good	ADJ
+idea	NOUN
+when	ADV
+we	PRON
+signed	VERB
+the	DET
+contract	NOUN
+that	SCONJ
+ECS	PROPN
+would	AUX
+not	PART
+be	AUX
+able	ADJ
+to	PART
+complete	VERB
+that	PRON
+by	ADP
+the	DET
+contract	NOUN
+start	NOUN
+date	NOUN
+,	PUNCT
+so	ADV
+we	PRON
+negotiated	VERB
+a	DET
+fall	VERB
+back	ADV
+plan	NOUN
+under	ADP
+which	PRON
+ECS	PROPN
+is	AUX
+obligated	VERB
+to	PART
+"	PUNCT
+assist	VERB
+[	PUNCT
+Transwestern	PROPN
+]	PUNCT
+in	SCONJ
+developing	VERB
+a	DET
+manual	ADJ
+system	NOUN
+to	PART
+accomplish	VERB
+the	DET
+same	ADJ
+result	NOUN
+and	CCONJ
+will	AUX
+hold	VERB
+harmless	ADJ
+and	CCONJ
+keep	VERB
+[	PUNCT
+Transwestern	PROPN
+]	PUNCT
+whole	ADJ
+for	ADP
+all	DET
+cost	NOUN
+and	CCONJ
+expenses	NOUN
+"	PUNCT
+associated	VERB
+with	ADP
+the	DET
+manual	ADJ
+system	NOUN
+.	PUNCT
+
+We	PRON
+will	AUX
+fight	VERB
+with	ADP
+them	PRON
+about	SCONJ
+who	PRON
+owes	VERB
+the	DET
+$	SYM
+200	NUM
+k	NUM
+that	PRON
+James	PROPN
+mentions	VERB
+below	ADV
+based	VERB
+on	ADP
+their	PRON
+failure	NOUN
+to	PART
+"	PUNCT
+assist	VERB
+"	PUNCT
+us	PRON
+in	SCONJ
+managing	VERB
+the	DET
+cost	NOUN
+.	PUNCT
+
+In	ADP
+the	DET
+mean	NOUN
+time	NOUN
+,	PUNCT
+we	PRON
+need	VERB
+to	PART
+make	VERB
+sure	ADJ
+that	SCONJ
+we	PRON
+are	AUX
+doing	VERB
+everything	PRON
+we	PRON
+can	AUX
+to	PART
+get	VERB
+a	DET
+handle	NOUN
+on	ADP
+the	DET
+situation	NOUN
+to	PART
+mitigate	VERB
+future	ADJ
+costs	NOUN
+.	PUNCT
+
+Do	AUX
+we	PRON
+have	VERB
+someone	PRON
+who	PRON
+is	AUX
+watching	VERB
+this	PRON
+out	ADV
+there	ADV
+?	PUNCT
+
+We	PRON
+are	AUX
+running	VERB
+so	ADV
+full	ADV
+tilt	ADV
+on	ADP
+TW	PROPN
+that	SCONJ
+we	PRON
+may	AUX
+not	PART
+have	VERB
+as	ADV
+much	ADJ
+flexibiltiy	NOUN
+to	PART
+manage	VERB
+this	DET
+situation	NOUN
+as	SCONJ
+we	PRON
+expected	VERB
+,	PUNCT
+but	CCONJ
+let	VERB
+me	PRON
+know	VERB
+what	PRON
+we	PRON
+can	AUX
+do	VERB
+.	PUNCT
+
+James	PROPN
+had	AUX
+heard	VERB
+that	SCONJ
+one	NUM
+hold	NOUN
+up	NOUN
+was	AUX
+the	DET
+absence	NOUN
+of	ADP
+a	DET
+confidentiality	NOUN
+agreement	NOUN
+--	PUNCT
+I	PRON
+guess	VERB
+between	ADP
+ECS	PROPN
+and	CCONJ
+Transwestern	PROPN
+--	PUNCT
+that	PRON
+would	AUX
+permit	VERB
+ECS	PROPN
+to	PART
+communicate	VERB
+to	ADP
+us	PRON
+the	DET
+details	NOUN
+on	SCONJ
+how	ADV
+to	PART
+access	VERB
+teh	DET
+key	ADJ
+info.	NOUN
+from	ADP
+CDEC	PROPN
+.	PUNCT
+
+That	PRON
+sounds	VERB
+like	ADP
+a	DET
+BS	NOUN
+excuse	NOUN
+from	ADP
+ECS	PROPN
+,	PUNCT
+but	CCONJ
+it	SCONJ
+that	PRON
+'s	AUX
+what	PRON
+they	PRON
+are	AUX
+saying	VERB
+,	PUNCT
+let	VERB
+me	PRON
+know	VERB
+and	CCONJ
+we	PRON
+can	AUX
+figure	VERB
+out	ADP
+a	DET
+solution	NOUN
+.	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+DF	PROPN
+
+James	PROPN
+Centilli	PROPN
+
+12/14/2000	NUM
+02:49	NUM
+PM	NOUN
+
+Would	AUX
+you	PRON
+please	INTJ
+contact	VERB
+Gerald	PROPN
+Nemec	PROPN
+and	CCONJ
+review	VERB
+the	DET
+Gallup	PROPN
+Compression	PROPN
+Service	PROPN
+Contract	PROPN
+in	ADP
+respect	NOUN
+to	ADP
+the	DET
+Load	NOUN
+Control	NOUN
+Management	NOUN
+.	PUNCT
+
+My	PRON
+understanding	NOUN
+was	VERB
+that	SCONJ
+ECS	PROPN
+was	VERB
+to	PART
+provide	VERB
+a	DET
+means	NOUN
+to	PART
+access	VERB
+CDEC	PROPN
+'s	PART
+online	ADJ
+profile	NOUN
+in	ADP
+order	NOUN
+for	SCONJ
+us	PRON
+to	PART
+make	VERB
+a	DET
+decision	NOUN
+to	PART
+avoid	VERB
+running	VERB
+the	DET
+compressor	NOUN
+during	ADP
+CDEC	PROPN
+'s	PART
+peak	NOUN
+load	NOUN
+periods	NOUN
+.	PUNCT
+
+We	PRON
+have	AUX
+not	PART
+received	VERB
+access	NOUN
+to	ADP
+this	DET
+information	NOUN
+which	PRON
+has	AUX
+resulted	VERB
+so	ADV
+far	ADV
+in	ADP
+additional	ADJ
+electric	ADJ
+cost	NOUN
+of	ADP
+$	SYM
+200,987.33	NUM
+for	ADP
+the	DET
+period	NOUN
+of	ADP
+July	PROPN
+through	ADP
+September	PROPN
+.	PUNCT
+
+Additional	ADJ
+cost	NOUN
+will	AUX
+be	AUX
+incurred	VERB
+for	ADP
+the	DET
+remainder	NOUN
+of	ADP
+this	DET
+year	NOUN
+,	PUNCT
+that	PRON
+I	PRON
+have	AUX
+not	PART
+been	AUX
+able	ADJ
+to	PART
+review	VERB
+yet	ADV
+.	PUNCT
+
+This	DET
+cost	NOUN
+is	AUX
+averaging	VERB
+$	SYM
+79,000	NUM
+per	ADP
+month	NOUN
+if	SCONJ
+we	PRON
+continue	VERB
+to	PART
+run	VERB
+the	DET
+compressor	NOUN
+as	SCONJ
+we	PRON
+have	AUX
+in	ADP
+August	PROPN
+and	CCONJ
+September	PROPN
+.	PUNCT
+
+Good	ADJ
+point	NOUN
+,	PUNCT
+but	CCONJ
+I	PRON
+'m	AUX
+comfortable	ADJ
+we	PRON
+'re	AUX
+covered	VERB
+because	SCONJ
+our	PRON
+bidders	NOUN
+were	AUX
+all	ADV
+bidding	VERB
+on	ADP
+a	DET
+chunk	NOUN
+of	ADP
+capacity	NOUN
+and	CCONJ
+primary	ADJ
+points	NOUN
+.	PUNCT
+
+They	PRON
+are	AUX
+deemed	VERB
+to	PART
+be	AUX
+on	ADP
+notice	NOUN
+that	SCONJ
+they	PRON
+had	VERB
+alternate	ADJ
+point	NOUN
+rights	NOUN
+(	PUNCT
+it	PRON
+s	AUX
+in	ADP
+the	DET
+tariff	NOUN
+)	PUNCT
+and	CCONJ
+if	SCONJ
+they	PRON
+wanted	VERB
+to	PART
+submit	VERB
+a	DET
+bid	NOUN
+that	PRON
+had	VERB
+a	DET
+different	ADJ
+rate	NOUN
+for	ADP
+primaries	NOUN
+and	CCONJ
+alternates	NOUN
+,	PUNCT
+they	PRON
+could	AUX
+have	AUX
+done	VERB
+so	ADV
+.	PUNCT
+
+None	NOUN
+of	ADP
+them	PRON
+did	VERB
+,	PUNCT
+and	CCONJ
+most	ADV
+importantly	ADV
+,	PUNCT
+the	DET
+winning	VERB
+bidders	NOUN
+did	VERB
+not	PART
+.	PUNCT
+
+Our	PRON
+letter	NOUN
+agreement	NOUN
+simply	ADV
+memorializes	VERB
+that	SCONJ
+we	PRON
+will	AUX
+charge	VERB
+the	DET
+same	ADJ
+negotiated	VERB
+rate	NOUN
+whether	SCONJ
+the	DET
+gas	NOUN
+flows	VERB
+on	ADP
+primaries	NOUN
+or	CCONJ
+alternates	NOUN
+.	PUNCT
+
+I	PRON
+assume	VERB
+from	ADP
+your	PRON
+message	NOUN
+you	PRON
+are	AUX
+OK	ADJ
+with	ADP
+this	PRON
+and	CCONJ
+they	PRON
+can	AUX
+get	VERB
+it	PRON
+nailed	VERB
+down	ADV
+?	PUNCT
+
+DF	PROPN
+
+I	PRON
+just	ADV
+got	AUX
+done	VERB
+looking	VERB
+at	ADP
+the	DET
+underlying	ADJ
+contract	NOUN
+language	NOUN
+as	SCONJ
+set	VERB
+forth	ADV
+in	ADP
+the	DET
+pro	X
+forma	X
+service	NOUN
+agreement	NOUN
+in	ADP
+the	DET
+tariff	NOUN
+and	CCONJ
+it	PRON
+specifically	ADV
+says	VERB
+that	SCONJ
+the	DET
+max	ADJ
+rate	NOUN
+would	AUX
+apply	VERB
+unless	SCONJ
+a	DET
+discount	NOUN
+or	CCONJ
+negotiated	VERB
+rate	NOUN
+has	AUX
+been	AUX
+agreed	VERB
+to	ADP
+.	PUNCT
+
+My	PRON
+concern	NOUN
+with	SCONJ
+adding	VERB
+the	DET
+language	NOUN
+below	ADV
+is	VERB
+,	PUNCT
+could	AUX
+it	PRON
+be	AUX
+argued	VERB
+that	SCONJ
+not	ADV
+everyone	PRON
+knew	VERB
+the	DET
+rate	NOUN
+would	AUX
+or	CCONJ
+could	AUX
+apply	VERB
+at	ADP
+any	DET
+point	NOUN
+,	PUNCT
+since	SCONJ
+we	PRON
+just	ADV
+stated	VERB
+Topack	PROPN
+and	CCONJ
+Needles	PROPN
+and	CCONJ
+if	SCONJ
+they	PRON
+knew	VERB
+they	PRON
+might	AUX
+have	AUX
+bid	VERB
+a	DET
+different	ADJ
+rate	NOUN
+??	PUNCT
+
+Susan	PROPN
+Scott	PROPN
+
+01/11/2001	NUM
+02:42	NUM
+PM	NOUN
+
+After	ADP
+discussions	NOUN
+with	ADP
+the	DET
+commercial	ADJ
+group	NOUN
+I	PRON
+propose	VERB
+that	SCONJ
+that	DET
+redlined	ADJ
+language	NOUN
+be	AUX
+added	VERB
+to	ADP
+the	DET
+attached	VERB
+Dynegy	PROPN
+agreement	NOUN
+and	CCONJ
+to	ADP
+the	DET
+4	NUM
+other	ADJ
+negotiated	VERB
+rate	NOUN
+agreements	NOUN
+we	PRON
+'ve	AUX
+done	VERB
+.	PUNCT
+
+If	SCONJ
+there	PRON
+are	VERB
+any	DET
+objections	NOUN
+you	PRON
+need	VERB
+to	PART
+get	VERB
+back	ADV
+to	ADP
+me	PRON
+ASAP	ADV
+.	PUNCT
+
+pls	INTJ
+print	VERB
+.	PUNCT
+
+df	PROPN
+
+In	ADP
+discussion	NOUN
+with	ADP
+Dave	PROPN
+,	PUNCT
+we	PRON
+thought	VERB
+it	PRON
+would	AUX
+be	AUX
+good	ADJ
+to	PART
+put	VERB
+this	PRON
+together	ADV
+in	ADP
+a	DET
+format	NOUN
+of	ADP
+questions	NOUN
+and	CCONJ
+answers	NOUN
+.	PUNCT
+
+However	ADV
+,	PUNCT
+as	SCONJ
+you	PRON
+will	AUX
+see	VERB
+,	PUNCT
+the	DET
+questions	NOUN
+I	PRON
+thought	VERB
+of	ADP
+got	VERB
+kinda	ADV
+long	ADJ
+-	PUNCT
+but	CCONJ
+I	PRON
+think	VERB
+we	PRON
+need	VERB
+answers	NOUN
+for	ADP
+all	DET
+of	ADP
+them	PRON
+.	PUNCT
+
+One	NUM
+thought	NOUN
+is	VERB
+to	PART
+have	VERB
+just	ADV
+the	DET
+agenda	NOUN
+as	ADP
+a	DET
+couple	NOUN
+topics	NOUN
+and	CCONJ
+then	ADV
+lead	VERB
+in	ADV
+with	ADP
+the	DET
+first	ADJ
+two	NUM
+questions	NOUN
+as	SCONJ
+I	PRON
+'ve	AUX
+listed	VERB
+.	PUNCT
+
+Please	INTJ
+provide	VERB
+me	PRON
+your	PRON
+thoughts	NOUN
+asap	ADV
+.	PUNCT
+
+MK	PROPN
+
+whasssup	INTJ
+?	PUNCT
+
+Here	ADV
+it	PRON
+is	AUX
+.	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+DF	PROPN
+
+Here	ADV
+is	AUX
+the	DET
+attachment	NOUN
+...	PUNCT
+
+Attached	VERB
+is	AUX
+my	PRON
+draft	NOUN
+of	ADP
+a	DET
+request	NOUN
+for	ADP
+rehearing	NOUN
+.	PUNCT
+
+It	PRON
+incorporates	VERB
+Mr.	PROPN
+Stojic	PROPN
+'s	PART
+and	CCONJ
+Mr.	PROPN
+Kelly	PROPN
+'s	PART
+initial	ADJ
+comments	NOUN
+.	PUNCT
+
+Please	INTJ
+review	VERB
+it	PRON
+and	CCONJ
+let	VERB
+me	PRON
+know	VERB
+if	SCONJ
+you	PRON
+have	VERB
+any	DET
+comments	NOUN
+on	ADP
+or	CCONJ
+before	ADP
+Tuesday	PROPN
+afternoon	NOUN
+(	PUNCT
+I	PRON
+will	AUX
+be	AUX
+out	ADP
+of	ADP
+the	DET
+office	NOUN
+Monday	PROPN
+)	PUNCT
+.	PUNCT
+
+Thank	VERB
+you	PRON
+!	PUNCT
+
+OK	INTJ
+.	PUNCT
+
+DF	PROPN
+
+DENISE	PROPN
+LAGESSE	PROPN
+
+01/12/2001	NUM
+10:34	NUM
+AM	NOUN
+
+Please	INTJ
+approve	VERB
+Susan	PROPN
+'s	PART
+attached	VERB
+expense	NOUN
+report	NOUN
+and	CCONJ
+forward	VERB
+to	ADP
+accounting	NOUN
+with	ADP
+a	DET
+cc	NOUN
+:	PUNCT
+to	ADP
+me	PRON
+.	PUNCT
+
+Thanks	NOUN
+!	PUNCT
+
+Forgot	VERB
+to	PART
+cc	VERB
+you	PRON
+.	PUNCT
+
+df	PROPN
+
+Drew	PROPN
+Fossum	PROPN
+
+01/12/2001	NUM
+04:37	NUM
+PM	NOUN
+
+OK	INTJ
+.	PUNCT
+
+DF	PROPN
+
+DENISE	PROPN
+LAGESSE	PROPN
+
+01/12/2001	NUM
+10:34	NUM
+AM	NOUN
+
+Please	INTJ
+approve	VERB
+Susan	PROPN
+'s	PART
+attached	VERB
+expense	NOUN
+report	NOUN
+and	CCONJ
+forward	VERB
+to	ADP
+accounting	NOUN
+with	ADP
+a	DET
+cc	NOUN
+:	PUNCT
+to	ADP
+me	PRON
+.	PUNCT
+
+Thanks	NOUN
+!	PUNCT
+
+Lou	PROPN
+,	PUNCT
+do	AUX
+we	PRON
+have	VERB
+any	DET
+sort	NOUN
+of	ADP
+policy	NOUN
+on	ADP
+requests	NOUN
+like	ADP
+this	PRON
+?	PUNCT
+
+Lee	PROPN
+Huber	PROPN
+made	VERB
+the	DET
+same	ADJ
+request	NOUN
+last	ADJ
+year	NOUN
+and	CCONJ
+we	PRON
+gave	VERB
+her	PRON
+the	DET
+chair	NOUN
+(	PUNCT
+she	PRON
+only	ADV
+wanted	VERB
+one	NUM
+,	PUNCT
+however	ADV
+)	PUNCT
+.	PUNCT
+
+Norma	PROPN
+,	PUNCT
+any	DET
+thoughts	NOUN
+?	PUNCT
+
+DENISE	PROPN
+LAGESSE	PROPN
+
+01/12/2001	NUM
+01:14	NUM
+PM	NOUN
+
+Susan	PROPN
+Scott	PROPN
+would	AUX
+like	VERB
+authorization	NOUN
+to	PART
+order	VERB
+an	DET
+Aeron	PROPN
+chair	NOUN
+for	ADP
+each	DET
+of	ADP
+her	PRON
+offices	NOUN
+-	PUNCT
+on	ADP
+47	NUM
+and	CCONJ
+41	NUM
+.	PUNCT
+
+This	DET
+particular	ADJ
+chair	NOUN
+is	AUX
+designed	VERB
+to	PART
+help	VERB
+with	ADP
+back	NOUN
+problems	NOUN
+,	PUNCT
+which	PRON
+she	PRON
+has	VERB
+.	PUNCT
+
+Many	ADJ
+people	NOUN
+at	ADP
+Enron	PROPN
+already	ADV
+have	VERB
+this	DET
+type	NOUN
+of	ADP
+chair	NOUN
+,	PUNCT
+but	CCONJ
+we	PRON
+rarely	ADV
+,	PUNCT
+if	SCONJ
+ever	ADV
+,	PUNCT
+have	VERB
+a	DET
+surplus	NOUN
+because	SCONJ
+they	PRON
+are	AUX
+so	ADV
+popular	ADJ
+.	PUNCT
+
+The	DET
+cost	NOUN
+is	AUX
+$	SYM
+567.77	NUM
+per	ADP
+chair	NOUN
+plus	CCONJ
+tax	NOUN
+.	PUNCT
+
+Please	INTJ
+approve	VERB
+the	DET
+purchase	NOUN
+of	ADP
+two	NUM
+.	PUNCT
+
+Thanks	NOUN
+!	PUNCT
+
+sorry	INTJ
+,	PUNCT
+i	PRON
+left	VERB
+lou	PROPN
+off	ADP
+of	ADP
+the	DET
+message	NOUN
+.	PUNCT
+
+Drew	PROPN
+Fossum	PROPN
+
+01/13/2001	NUM
+09:45	NUM
+AM	NOUN
+
+Lou	PROPN
+,	PUNCT
+do	AUX
+we	PRON
+have	VERB
+any	DET
+sort	NOUN
+of	ADP
+policy	NOUN
+on	ADP
+requests	NOUN
+like	ADP
+this	PRON
+?	PUNCT
+
+Lee	PROPN
+Huber	PROPN
+made	VERB
+the	DET
+same	ADJ
+request	NOUN
+last	ADJ
+year	NOUN
+and	CCONJ
+we	PRON
+gave	VERB
+her	PRON
+the	DET
+chair	NOUN
+(	PUNCT
+she	PRON
+only	ADV
+wanted	VERB
+one	NUM
+,	PUNCT
+however	ADV
+)	PUNCT
+.	PUNCT
+
+Norma	PROPN
+,	PUNCT
+any	DET
+thoughts	NOUN
+?	PUNCT
+
+DENISE	PROPN
+LAGESSE	PROPN
+
+01/12/2001	NUM
+01:14	NUM
+PM	NOUN
+
+Susan	PROPN
+Scott	PROPN
+would	AUX
+like	VERB
+authorization	NOUN
+to	PART
+order	VERB
+an	DET
+Aeron	PROPN
+chair	NOUN
+for	ADP
+each	DET
+of	ADP
+her	PRON
+offices	NOUN
+-	PUNCT
+on	ADP
+47	NUM
+and	CCONJ
+41	NUM
+.	PUNCT
+
+This	DET
+particular	ADJ
+chair	NOUN
+is	AUX
+designed	VERB
+to	PART
+help	VERB
+with	ADP
+back	NOUN
+problems	NOUN
+,	PUNCT
+which	PRON
+she	PRON
+has	VERB
+.	PUNCT
+
+Many	ADJ
+people	NOUN
+at	ADP
+Enron	PROPN
+already	ADV
+have	VERB
+this	DET
+type	NOUN
+of	ADP
+chair	NOUN
+,	PUNCT
+but	CCONJ
+we	PRON
+rarely	ADV
+,	PUNCT
+if	SCONJ
+ever	ADV
+,	PUNCT
+have	VERB
+a	DET
+surplus	NOUN
+because	SCONJ
+they	PRON
+are	AUX
+so	ADV
+popular	ADJ
+.	PUNCT
+
+The	DET
+cost	NOUN
+is	AUX
+$	SYM
+567.77	NUM
+per	ADP
+chair	NOUN
+plus	CCONJ
+tax	NOUN
+.	PUNCT
+
+Please	INTJ
+approve	VERB
+the	DET
+purchase	NOUN
+of	ADP
+two	NUM
+.	PUNCT
+
+Thanks	NOUN
+!	PUNCT
+
+I	PRON
+believe	VERB
+you	PRON
+got	VERB
+a	DET
+copy	NOUN
+of	ADP
+the	DET
+John	PROPN
+Sommer	PROPN
+letter	NOUN
+to	ADP
+producers	NOUN
+dated	VERB
+Jan	PROPN
+6	NUM
+that	PRON
+MKM	PROPN
+'s	PART
+spies	NOUN
+intercepted	VERB
+.	PUNCT
+
+She	PRON
+forwarded	VERB
+the	DET
+Sommer	PROPN
+letter	NOUN
+to	ADP
+Stan	PROPN
+and	CCONJ
+discussed	VERB
+it	PRON
+with	ADP
+him	PRON
+.	PUNCT
+
+Dari	PROPN
+and	CCONJ
+I	PRON
+vented	VERB
+our	PRON
+aggravation	NOUN
+by	SCONJ
+drafting	VERB
+the	DET
+attached	VERB
+letter	NOUN
+to	ADP
+Gibson	PROPN
+and	CCONJ
+Kyle	PROPN
+complaining	VERB
+of	ADP
+Sommer	PROPN
+'s	PART
+duplicity	NOUN
+,	PUNCT
+but	CCONJ
+after	SCONJ
+tempers	NOUN
+cooled	VERB
+,	PUNCT
+MKM	PROPN
+and	CCONJ
+I	PRON
+decided	VERB
+not	ADV
+to	PART
+send	VERB
+it	PRON
+to	ADP
+Stan	PROPN
+or	CCONJ
+urge	VERB
+him	PRON
+to	PART
+send	VERB
+a	DET
+written	VERB
+response	NOUN
+.	PUNCT
+
+As	SCONJ
+it	PRON
+stands	VERB
+,	PUNCT
+MKM	PROPN
+and	CCONJ
+I	PRON
+will	AUX
+probably	ADV
+bring	VERB
+it	PRON
+up	ADP
+with	ADP
+Sommer	PROPN
+in	ADP
+OK	PROPN
+City	PROPN
+and	CCONJ
+strongly	ADV
+suggest	VERB
+the	DET
+importance	NOUN
+of	ADP
+coordinated	VERB
+communication	NOUN
+to	ADP
+the	DET
+producers	NOUN
+.	PUNCT
+
+Stan	PROPN
+may	AUX
+also	ADV
+bring	VERB
+the	DET
+letter	NOUN
+up	ADP
+orally	ADV
+next	ADJ
+time	NOUN
+he	PRON
+'s	AUX
+on	ADP
+the	DET
+phonne	NOUN
+with	ADP
+Gibson	PROPN
+or	CCONJ
+Kyle	PROPN
+as	ADP
+an	DET
+example	NOUN
+of	SCONJ
+how	ADV
+not	ADV
+to	PART
+handle	VERB
+this	DET
+situation	NOUN
+.	PUNCT
+
+Yea	INTJ
+--	PUNCT
+it	PRON
+was	AUX
+outstanding	ADJ
+news	NOUN
+!	PUNCT
+
+What	DET
+a	DET
+hoss	NOUN
+.	PUNCT
+
+Ca	AUX
+n't	PART
+catch	VERB
+you	PRON
+this	DET
+time	NOUN
+but	CCONJ
+14721	NUM
+keep	VERB
+me	PRON
+posted	ADJ
+on	ADP
+your	PRON
+next	ADJ
+trip	NOUN
+.	PUNCT
+
+DF	PROPN
+
+Evan	PROPN
+--	PUNCT
+
+Who	PRON
+is	AUX
+responsible	ADJ
+for	SCONJ
+completing	VERB
+all	DET
+paperwork	NOUN
+for	SCONJ
+entering	VERB
+a	DET
+new	ADJ
+market	NOUN
+?	PUNCT
+
+Is	AUX
+it	PRON
+someone	PRON
+on	ADP
+your	PRON
+team	NOUN
+or	CCONJ
+someone	PRON
+from	ADP
+CEC	NOUN
+?	PUNCT
+
+There	PRON
+have	AUX
+been	VERB
+some	DET
+issues	NOUN
+with	SCONJ
+getting	VERB
+everything	PRON
+coordinated	VERB
+lately	ADV
+and	CCONJ
+I	PRON
+wanted	VERB
+to	PART
+make	VERB
+sure	ADJ
+that	SCONJ
+we	PRON
+knew	VERB
+who	PRON
+was	AUX
+on	ADP
+point	NOUN
+.	PUNCT
+
+Jim	PROPN
+
+Am	AUX
+I	PRON
+scheduled	VERB
+to	PART
+attend	VERB
+?	PUNCT
+
+Jim	PROPN
+
+The	DET
+next	ADJ
+meeting	NOUN
+of	ADP
+the	DET
+CAEM	PROPN
+Board	NOUN
+of	ADP
+Directors	NOUN
+will	AUX
+be	AUX
+held	VERB
+on	ADP
+Wednesday	PROPN
+,	PUNCT
+September	PROPN
+12	NUM
+,	PUNCT
+at	ADP
+the	DET
+Grand	PROPN
+Hyatt	PROPN
+Hotel	PROPN
+in	ADP
+Washington	PROPN
+,	PUNCT
+DC	PROPN
+.	PUNCT
+
+The	DET
+meeting	NOUN
+is	AUX
+being	AUX
+held	VERB
+in	ADP
+conjunction	NOUN
+with	ADP
+the	DET
+third	ADJ
+meeting	NOUN
+of	ADP
+our	PRON
+DISCO	PROPN
+of	ADP
+the	DET
+Future	PROPN
+Forum	PROPN
+.	PUNCT
+
+(	PUNCT
+Please	INTJ
+visit	VERB
+our	PRON
+newly	ADV
+updated	VERB
+website	NOUN
+www.caem.org	X
+for	ADP
+more	ADJ
+information	NOUN
+on	ADP
+the	DET
+DISCO	PROPN
+Forum	PROPN
+.	PUNCT
+)	PUNCT
+
+Following	VERB
+the	DET
+Board	NOUN
+meeting	NOUN
+on	ADP
+Wednesday	PROPN
+,	PUNCT
+you	PRON
+are	AUX
+invited	VERB
+to	PART
+join	VERB
+with	ADP
+members	NOUN
+of	ADP
+the	DET
+DISCO	PROPN
+Forum	PROPN
+for	ADP
+a	DET
+Wednesday	PROPN
+evening	NOUN
+reception	NOUN
+and	CCONJ
+dinner	NOUN
+,	PUNCT
+including	VERB
+a	DET
+guest	NOUN
+speaker	NOUN
+.	PUNCT
+
+Board	NOUN
+members	NOUN
+are	AUX
+also	ADV
+invited	VERB
+to	PART
+join	VERB
+in	ADP
+the	DET
+substantive	ADJ
+session	NOUN
+of	ADP
+the	DET
+DISCO	PROPN
+Forum	PROPN
+on	ADP
+Thursday	PROPN
+,	PUNCT
+September	PROPN
+13	NUM
+.	PUNCT
+
+Because	ADP
+of	ADP
+an	DET
+international	ADJ
+medical	ADJ
+convention	NOUN
+ongoing	ADJ
+in	ADP
+Washington	PROPN
+at	ADP
+the	DET
+same	ADJ
+time	NOUN
+as	ADP
+our	PRON
+meetings	NOUN
+,	PUNCT
+the	DET
+Grand	PROPN
+Hyatt	PROPN
+unfortunately	ADV
+is	AUX
+already	ADV
+booked	VERB
+.	PUNCT
+
+However	ADV
+,	PUNCT
+we	PRON
+have	AUX
+reserved	VERB
+a	DET
+block	NOUN
+of	ADP
+rooms	NOUN
+at	ADP
+the	DET
+nearby	ADJ
+Wyndham	PROPN
+Hotel	PROPN
+.	PUNCT
+
+To	PART
+reserve	VERB
+one	NUM
+of	ADP
+these	DET
+rooms	NOUN
+,	PUNCT
+you	PRON
+must	AUX
+inform	VERB
+the	DET
+Wyndham	PROPN
+staff	NOUN
+that	SCONJ
+you	PRON
+are	AUX
+part	NOUN
+of	ADP
+the	DET
+CAEM	PROPN
+group	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+should	AUX
+decide	VERB
+to	PART
+arrange	VERB
+lodging	NOUN
+at	ADP
+a	DET
+different	ADJ
+hotel	NOUN
+,	PUNCT
+please	INTJ
+do	VERB
+so	ADV
+quickly	ADV
+as	SCONJ
+there	PRON
+is	VERB
+limited	ADJ
+availability	NOUN
+in	ADP
+all	DET
+surrounding	VERB
+hotels	NOUN
+.	PUNCT
+
+We	PRON
+will	AUX
+be	AUX
+making	VERB
+the	DET
+Wyndham	PROPN
+rooms	NOUN
+available	ADJ
+to	ADP
+members	NOUN
+of	ADP
+the	DET
+DISCO	PROPN
+Forum	PROPN
+on	ADP
+July	PROPN
+20	NUM
+.	PUNCT
+
+If	SCONJ
+you	PRON
+have	VERB
+any	DET
+questions	NOUN
+or	CCONJ
+require	VERB
+any	DET
+assistance	NOUN
+at	ADV
+all	ADV
+,	PUNCT
+please	INTJ
+contact	VERB
+Hope	PROPN
+Duncan	PROPN
+at	ADP
+202.739.0134	NUM
+or	CCONJ
+Jeff	PROPN
+Mangold	PROPN
+at	ADP
+703.729.2710	NUM
+.	PUNCT
+
+We	PRON
+are	AUX
+looking	VERB
+forward	ADV
+to	SCONJ
+seeing	VERB
+you	PRON
+on	ADP
+September	PROPN
+12	NUM
+.	PUNCT
+
+Hotel	NOUN
+Information	NOUN
+:	PUNCT
+
+Grand	PROPN
+Hyatt	PROPN
+Hotel	PROPN
+1000	NUM
+H	PROPN
+Street	PROPN
+NW	PROPN
+Washington	PROPN
+DC	PROPN
+20001	NUM
+Phone	NOUN
+:	PUNCT
+202.582.1234	NUM
+or	CCONJ
+1.800.233.1234	NUM
+Fax	NOUN
+:	PUNCT
+202.637.4781	NUM
+Website	NOUN
+:	PUNCT
+http://washington.hyatt.com/wasgh/index.html	X
+
+Wyndham	PROPN
+Washington	PROPN
+DC	PROPN
+1400	NUM
+M	PROPN
+Street	PROPN
+NW	PROPN
+Washington	PROPN
+,	PUNCT
+DC	PROPN
+20005	NUM
+Phone	NOUN
+:	PUNCT
+202.429.1700	NUM
+or	CCONJ
+1.877.999.3223	NUM
+Fax	NOUN
+:	PUNCT
+202.785.0786	NUM
+Website	NOUN
+:	PUNCT
+http://www.wyndham.com/Washington_DC/default.cfm	X
+
+correct	ADJ
+.	PUNCT
+
+Is	AUX
+this	PRON
+correct	ADJ
+?	PUNCT
+
+If	SCONJ
+so	ADV
+,	PUNCT
+I	PRON
+will	AUX
+handle	VERB
+it	PRON
+.	PUNCT
+
+Thanks	NOUN
+Jim	PROPN
+.	PUNCT
+
+Lora	X
+Sullivan@ENRON	X
+
+07/19/2001	NUM
+03:31	NUM
+PM	NOUN
+
+Dear	ADJ
+Linda	PROPN
+,	PUNCT
+
+We	PRON
+are	AUX
+receiving	VERB
+invoices	NOUN
+from	ADP
+Ace	PROPN
+Federal	PROPN
+Reporters	PROPN
+for	ADP
+transcripts	NOUN
+of	ADP
+the	DET
+recent	ADJ
+FERC	PROPN
+settlement	NOUN
+conferences	NOUN
+.	PUNCT
+
+Linda	PROPN
+Robertson	PROPN
+says	VERB
+they	PRON
+should	AUX
+be	AUX
+charged	VERB
+to	ADP
+Jim	PROPN
+Steffes	PROPN
+'	PART
+cost	NOUN
+center	NOUN
+,	PUNCT
+etc	X
+.	PUNCT
+
+Do	AUX
+you	PRON
+want	VERB
+me	PRON
+to	PART
+send	VERB
+the	DET
+invoices	NOUN
+to	ADP
+you	PRON
+?	PUNCT
+
+Let	VERB
+me	PRON
+know	VERB
+.	PUNCT
+
+Many	ADJ
+thanks	NOUN
+.	PUNCT
+
+Lora	PROPN
+
+Lora	PROPN
+Sullivan	PROPN
+Federal	ADJ
+Government	NOUN
+Affairs	NOUN
+Representative	NOUN
+Enron	PROPN
+1775	NUM
+Eye	PROPN
+Street	PROPN
+,	PUNCT
+NW	PROPN
+Suite	NOUN
+800	NUM
+Washington	PROPN
+,	PUNCT
+DC	PROPN
+20006	NUM
+202-466-9142	NUM
+202-828-3372	NUM
+(	PUNCT
+fax	NOUN
+)	PUNCT
+email	NOUN
+:	PUNCT
+lora.sullivan@enron.com	X
+
+<	PUNCT
+Embedded	VERB
+Picture	NOUN
+(	PUNCT
+Device	NOUN
+Independent	ADJ
+Bitmap	NOUN
+)	PUNCT
+>	PUNCT
+
+I	PRON
+'m	AUX
+in	ADV
+all	DET
+week	NOUN
+.	PUNCT
+
+Jim	PROPN
+
+Can	AUX
+we	PRON
+visit	VERB
+about	SCONJ
+what	PRON
+went	VERB
+on	ADV
+with	ADP
+Ursula	PROPN
+at	ADP
+the	DET
+PRC	PROPN
+meeting	NOUN
+when	ADV
+you	PRON
+catch	VERB
+up	ADP
+?	PUNCT
+
+BRADLEY	PROPN
+JR	PROPN
+,	PUNCT
+ROBERT	PROPN
+L	PROPN
+,	PUNCT
+
+A	DET
+revised	VERB
+version	NOUN
+of	ADP
+the	DET
+Evaluation	NOUN
+form	NOUN
+for	ADP
+Associates	NOUN
+and	CCONJ
+Analysts	NOUN
+is	AUX
+attached	VERB
+below	ADV
+.	PUNCT
+
+Please	INTJ
+disregard	VERB
+and	CCONJ
+destroy	VERB
+the	DET
+form	NOUN
+you	PRON
+received	VERB
+on	ADP
+July	PROPN
+2	NUM
+,	PUNCT
+as	ADV
+well	ADV
+as	ADP
+any	DET
+blank	ADJ
+forms	NOUN
+retrieved	VERB
+from	ADP
+the	DET
+PEP	NOUN
+system	NOUN
+prior	ADJ
+to	ADP
+that	DET
+date	NOUN
+.	PUNCT
+
+Please	INTJ
+use	VERB
+the	DET
+attached	VERB
+for	ADP
+Associate	NOUN
+and	CCONJ
+Analyst	NOUN
+evaluations	NOUN
+.	PUNCT
+
+All	DET
+Evaluations	NOUN
+for	ADP
+Associates	NOUN
+and	CCONJ
+Analysts	NOUN
+must	AUX
+be	AUX
+completed	VERB
+using	VERB
+this	DET
+form	NOUN
+.	PUNCT
+
+-	PUNCT
+BRENNER	PROPN
+,	PUNCT
+URSULA	X
+J.doc	NOUN
+<<	PUNCT
+File	NOUN
+:	PUNCT
+BRENNER	PROPN
+,	PUNCT
+URSULA	X
+J.doc	NOUN
+>>	PUNCT
+
+Jean	PROPN
+&	CCONJ
+Thane	PROPN
+--	PUNCT
+
+Can	AUX
+we	PRON
+have	VERB
+a	DET
+meeting	NOUN
+this	DET
+week	NOUN
+(	PUNCT
+maybe	ADV
+Thursday	PROPN
+at	ADP
+3:30	NUM
+)	PUNCT
+to	PART
+discuss	VERB
+this	PRON
+?	PUNCT
+
+Jim	PROPN
+
+We	PRON
+do	AUX
+need	VERB
+a	DET
+formal	ADJ
+plan	NOUN
+.	PUNCT
+
+We	PRON
+have	AUX
+been	AUX
+working	VERB
+closely	ADV
+together	ADV
+to	PART
+identify	VERB
+the	DET
+issues	NOUN
+as	SCONJ
+they	PRON
+develop	VERB
+and	CCONJ
+propose	VERB
+solutions	NOUN
+.	PUNCT
+
+Doug	PROPN
+has	AUX
+been	AUX
+providing	VERB
+us	PRON
+with	ADP
+the	DET
+necessary	ADJ
+specific	ADJ
+market	NOUN
+information	NOUN
+.	PUNCT
+
+We	PRON
+have	AUX
+been	AUX
+successful	ADJ
+in	SCONJ
+communicating	VERB
+that	DET
+information	NOUN
+to	ADP
+the	DET
+new	ADJ
+commissioners	NOUN
+and	CCONJ
+Ercot	PROPN
+and	CCONJ
+seeking	VERB
+resolution	NOUN
+.	PUNCT
+
+The	DET
+commission	NOUN
+is	AUX
+definitely	ADV
+more	ADV
+responsive	ADJ
+to	ADP
+market	NOUN
+participants	NOUN
+that	PRON
+are	AUX
+articulating	VERB
+the	DET
+issue	NOUN
+,	PUNCT
+providing	VERB
+specific	ADJ
+examples	NOUN
+and	CCONJ
+proposing	VERB
+the	DET
+solution	NOUN
+.	PUNCT
+
+Grand	ADJ
+-	PUNCT
+standing	NOUN
+is	AUX
+ignored	VERB
+.	PUNCT
+
+Those	PRON
+who	PRON
+show	VERB
+up	ADP
+with	ADP
+complaints	NOUN
+but	CCONJ
+can	AUX
+not	PART
+point	VERB
+to	ADP
+specifics	NOUN
+are	AUX
+virtually	ADV
+ignored	VERB
+.	PUNCT
+
+Those	PRON
+who	PRON
+show	VERB
+up	ADP
+and	CCONJ
+complain	VERB
+,	PUNCT
+but	CCONJ
+are	AUX
+not	PART
+participating	VERB
+in	ADP
+the	DET
+working	VERB
+groups	NOUN
+and	CCONJ
+the	DET
+daily	ADJ
+Ercot	PROPN
+phone	NOUN
+calls	NOUN
+,	PUNCT
+board	NOUN
+meetings	NOUN
+,	PUNCT
+etc.	X
+are	AUX
+ignored	VERB
+.	PUNCT
+
+Doug	PROPN
+and	CCONJ
+I	PRON
+met	VERB
+with	ADP
+the	DET
+Chairman	NOUN
+of	ADP
+PUCT	PROPN
+and	CCONJ
+have	AUX
+had	VERB
+subsequent	ADJ
+conversations	NOUN
+.	PUNCT
+
+Thane	PROPN
+and	CCONJ
+I	PRON
+also	ADV
+visited	VERB
+with	ADP
+him	PRON
+.	PUNCT
+
+Pat	PROPN
+Wood	PROPN
+made	VERB
+a	DET
+phone	NOUN
+call	NOUN
+to	ADP
+Tom	PROPN
+Noel	PROPN
+and	CCONJ
+told	VERB
+him	PRON
+to	PART
+get	VERB
+the	DET
+Texas	PROPN
+market	NOUN
+fixed	VERB
+.	PUNCT
+
+(	PUNCT
+Even	ADV
+though	SCONJ
+he	PRON
+has	VERB
+bigger	ADJ
+things	NOUN
+to	PART
+do	VERB
+in	ADP
+D.C.	PROPN
+,	PUNCT
+this	PRON
+is	AUX
+his	PRON
+legacy	NOUN
+and	CCONJ
+he	PRON
+recognizes	VERB
+that	SCONJ
+if	SCONJ
+deregulation	NOUN
+does	AUX
+not	PART
+work	VERB
+in	ADP
+Texas	PROPN
+,	PUNCT
+the	DET
+repercussions	NOUN
+could	AUX
+be	AUX
+global	ADJ
+.	PUNCT
+)	PUNCT
+
+Chairman	PROPN
+Sibley	PROPN
+and	CCONJ
+Chairman	PROPN
+Wolens	PROPN
+(	PUNCT
+of	ADP
+the	DET
+Texas	PROPN
+legislature	NOUN
+)	PUNCT
+are	AUX
+also	ADV
+engaged	VERB
+in	ADP
+market	NOUN
+developments	NOUN
+.	PUNCT
+
+We	PRON
+have	AUX
+been	AUX
+working	VERB
+with	ADP
+the	DET
+State	NOUN
+Affairs	NOUN
+legislative	ADJ
+committee	NOUN
+and	CCONJ
+keeping	VERB
+them	PRON
+apprised	VERB
+.	PUNCT
+
+There	PRON
+is	VERB
+an	DET
+Electric	ADJ
+Restructuring	NOUN
+Committee	NOUN
+hearing	NOUN
+scheduled	VERB
+for	ADP
+September	PROPN
+6th	NOUN
+or	CCONJ
+7th	NOUN
+.	PUNCT
+
+The	DET
+forum	NOUN
+is	AUX
+expected	VERB
+to	PART
+be	AUX
+invited	VERB
+testimony	NOUN
+only	ADV
+.	PUNCT
+
+Those	PRON
+currently	ADV
+listed	VERB
+as	ADP
+invitees	NOUN
+are	AUX
+PUCT	PROPN
+Commissioners	NOUN
+and	CCONJ
+Ercot	PROPN
+'s	PART
+Sam	PROPN
+Jones	PROPN
+and	CCONJ
+Tom	PROPN
+Noel	PROPN
+.	PUNCT
+
+The	DET
+hearing	NOUN
+is	AUX
+focused	VERB
+on	ADP
+the	DET
+pilot	NOUN
+and	CCONJ
+we	PRON
+have	VERB
+an	DET
+opportunity	NOUN
+to	PART
+provide	VERB
+some	DET
+probing	ADJ
+questions	NOUN
+for	ADP
+Wolens	PROPN
+to	PART
+direct	VERB
+to	ADP
+Sam	PROPN
+and	CCONJ
+Tom	PROPN
+.	PUNCT
+
+Now	ADV
+that	SCONJ
+Sibley	PROPN
+is	AUX
+not	PART
+a	DET
+candidate	NOUN
+for	ADP
+Lt.	PROPN
+Governor	PROPN
+,	PUNCT
+there	PRON
+is	VERB
+more	ADJ
+freedom	NOUN
+to	PART
+open	VERB
+up	ADP
+and	CCONJ
+ask	VERB
+some	DET
+difficult	ADJ
+questions	NOUN
+.	PUNCT
+
+Thane	PROPN
+is	AUX
+in	ADP
+Austin	PROPN
+on	ADP
+Friday	PROPN
+,	PUNCT
+but	CCONJ
+is	AUX
+available	ADJ
+by	ADP
+phone	NOUN
+.	PUNCT
+
+I	PRON
+will	AUX
+be	AUX
+on	ADP
+a	DET
+plane	NOUN
+to	ADP
+Houston	PROPN
+at	ADP
+8:00	NUM
+a.m	NOUN
+.	PUNCT
+
+Can	AUX
+we	PRON
+find	VERB
+another	DET
+time	NOUN
+that	PRON
+works	VERB
+for	ADP
+us	PRON
+to	PART
+meet	VERB
+?	PUNCT
+
+Thane	PROPN
+is	AUX
+in	ADP
+an	DET
+Ercot	PROPN
+PRS	NOUN
+meeting	NOUN
+Friday	PROPN
+from	ADP
+9:30	NUM
+until	ADP
+3:00	NUM
+.	PUNCT
+
+I	PRON
+am	AUX
+available	ADJ
+after	ADP
+Rick	PROPN
+'s	PART
+Friday	PROPN
+budget	NOUN
+meeting	NOUN
+...	PUNCT
+are	AUX
+you	PRON
+available	ADJ
+then	ADV
+?	PUNCT
+
+You	PRON
+are	AUX
+right	ADJ
+,	PUNCT
+we	PRON
+do	AUX
+need	VERB
+a	DET
+formal	ADJ
+plan	NOUN
+,	PUNCT
+Thane	PROPN
+has	AUX
+started	VERB
+an	DET
+initial	ADJ
+draft	NOUN
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+Jean	PROPN
+
+Jean	PROPN
+&	CCONJ
+Thane	PROPN
+--	PUNCT
+
+Walking	VERB
+out	ADP
+last	ADJ
+night	NOUN
+,	PUNCT
+Kevin	PROPN
+Presto	PROPN
+indicated	VERB
+that	SCONJ
+there	PRON
+were	VERB
+games	NOUN
+being	AUX
+played	VERB
+in	ADP
+ERCOT	PROPN
+with	ADP
+the	DET
+new	ADJ
+market	NOUN
+rules	NOUN
+and	CCONJ
+prices	NOUN
+in	ADP
+certain	ADJ
+markets	NOUN
+were	AUX
+not	PART
+reflective	ADJ
+of	ADP
+working	VERB
+markets	NOUN
+.	PUNCT
+
+Enron	PROPN
+needs	VERB
+to	PART
+use	VERB
+this	DET
+situation	NOUN
+to	PART
+quickly	ADV
+get	VERB
+our	PRON
+viewpoints	NOUN
+up	ADV
+into	ADP
+the	DET
+PUCT	PROPN
+and	CCONJ
+ERCOT	PROPN
+ISO	NOUN
+on	SCONJ
+what	PRON
+is	AUX
+driving	VERB
+these	DET
+problems	NOUN
+and	CCONJ
+our	PRON
+proposed	VERB
+fixes	NOUN
+.	PUNCT
+
+If	SCONJ
+ERCOT	PROPN
+goes	VERB
+the	DET
+way	NOUN
+of	ADP
+California	PROPN
+-	PUNCT
+either	CCONJ
+due	ADP
+to	ADP
+market	NOUN
+power	NOUN
+or	CCONJ
+poor	ADJ
+market	NOUN
+design	NOUN
+rules	NOUN
+-	PUNCT
+it	PRON
+will	AUX
+be	AUX
+a	DET
+bad	ADJ
+day	NOUN
+for	ADP
+deregulation	NOUN
+and	CCONJ
+for	ADP
+Pat	PROPN
+Wood	PROPN
+.	PUNCT
+
+As	ADV
+important	ADJ
+,	PUNCT
+the	DET
+new	ADJ
+PUCT	PROPN
+Commissioners	NOUN
+need	VERB
+some	DET
+help	NOUN
+right	ADV
+now	ADV
+in	SCONJ
+messaging	VERB
+the	DET
+market	NOUN
+.	PUNCT
+
+Let	VERB
+'s	PRON
+get	VERB
+them	PRON
+to	PART
+support	VERB
+constructive	ADJ
+solutions	NOUN
+that	PRON
+will	AUX
+make	VERB
+a	DET
+real	ADJ
+difference	NOUN
+.	PUNCT
+
+Jean	PROPN
+and	CCONJ
+Thane	PROPN
+,	PUNCT
+I	PRON
+think	VERB
+that	SCONJ
+we	PRON
+need	VERB
+a	DET
+FORMAL	ADJ
+PLAN	NOUN
+on	SCONJ
+what	PRON
+to	PART
+do	VERB
+over	ADP
+the	DET
+next	ADJ
+3	NUM
+-	SYM
+6	NUM
+months	NOUN
+to	PART
+leverage	VERB
+this	DET
+situation	NOUN
+.	PUNCT
+
+I	PRON
+would	AUX
+like	VERB
+to	PART
+discuss	VERB
+this	PRON
+with	ADP
+you	PRON
+on	ADP
+Friday	PROPN
+am	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+free	ADJ
+at	ADP
+8	NUM
+am	NOUN
+on	ADP
+Friday	PROPN
+before	ADP
+Rick	PROPN
+'s	PART
+budget	NOUN
+meeting	NOUN
+.	PUNCT
+
+Jim	PROPN
+
+FYI	ADV
+.	PUNCT
+
+You	PRON
+may	AUX
+want	VERB
+to	PART
+discuss	VERB
+with	ADP
+Becky	PROPN
+.	PUNCT
+
+Jim	PROPN
+
+As	ADP
+an	DET
+outgrowth	NOUN
+of	ADP
+the	DET
+meeting	NOUN
+Leslie	PROPN
+and	CCONJ
+I	PRON
+had	VERB
+with	ADP
+Scott	PROPN
+and	CCONJ
+Hunter	PROPN
+a	DET
+couple	NOUN
+of	ADP
+weeks	NOUN
+ago	ADV
+,	PUNCT
+we	PRON
+have	AUX
+begun	VERB
+work	NOUN
+to	PART
+develop	VERB
+an	DET
+electronic	ADJ
+tool	NOUN
+that	PRON
+would	AUX
+allow	VERB
+us	PRON
+to	PART
+provide	VERB
+ongoing	ADJ
+summaries	NOUN
+of	ADP
+FERC	NOUN
+gas	NOUN
+activities	NOUN
+,	PUNCT
+and	CCONJ
+possibly	ADV
+electric	NOUN
+activities	NOUN
+,	PUNCT
+in	ADP
+a	DET
+format	NOUN
+that	PRON
+can	AUX
+be	AUX
+linked	VERB
+to	ADP
+the	DET
+Fundamentals	PROPN
+intranet	NOUN
+site	NOUN
+used	VERB
+by	ADP
+the	DET
+traders	NOUN
+.	PUNCT
+
+We	PRON
+envision	VERB
+a	DET
+format	NOUN
+that	PRON
+would	AUX
+provide	VERB
+a	DET
+brief	ADJ
+summary	NOUN
+and	CCONJ
+analysis	NOUN
+of	ADP
+the	DET
+order	NOUN
+,	PUNCT
+filing	NOUN
+,	PUNCT
+etc.	X
+with	ADP
+a	DET
+link	NOUN
+to	ADP
+the	DET
+source	NOUN
+document	NOUN
+as	ADV
+well	ADV
+for	ADP
+those	PRON
+who	PRON
+would	AUX
+like	VERB
+more	ADV
+detailed	ADJ
+information	NOUN
+.	PUNCT
+
+This	PRON
+would	AUX
+replace	VERB
+the	DET
+paper	NOUN
+copies	NOUN
+you	PRON
+and	CCONJ
+your	PRON
+people	NOUN
+are	AUX
+currently	ADV
+getting	VERB
+.	PUNCT
+
+Many	ADJ
+details	NOUN
+remain	VERB
+to	PART
+be	AUX
+worked	VERB
+out	ADP
+,	PUNCT
+but	CCONJ
+we	PRON
+will	AUX
+keep	VERB
+you	PRON
+advised	VERB
+.	PUNCT
+
+In	ADP
+the	DET
+meantime	NOUN
+,	PUNCT
+could	AUX
+you	PRON
+please	INTJ
+provide	VERB
+a	DET
+contact	NOUN
+on	ADP
+your	PRON
+side	NOUN
+with	ADP
+whom	PRON
+we	PRON
+could	AUX
+discuss	VERB
+technical	ADJ
+issues	NOUN
+?	PUNCT
+
+What	PRON
+do	AUX
+I	PRON
+need	VERB
+to	PART
+do	VERB
+?	PUNCT
+
+Jim	PROPN
+
+Vince	X
+J	X
+Kaminski@ECT	X
+
+04/30/2001	NUM
+02:28	NUM
+PM	NOUN
+
+I	PRON
+am	AUX
+forwarding	VERB
+for	ADP
+your	PRON
+attention	NOUN
+the	DET
+resume	NOUN
+of	ADP
+Peter	PROPN
+Percell	PROPN
+who	PRON
+has	VERB
+an	DET
+extensive	ADJ
+experience	NOUN
+in	SCONJ
+modeling	VERB
+physical	ADJ
+flows	NOUN
+of	ADP
+natural	ADJ
+gas	NOUN
+in	ADP
+pipeline	NOUN
+systems	NOUN
+.	PUNCT
+
+Peter	PROPN
+is	AUX
+looking	VERB
+currently	ADV
+for	ADP
+a	DET
+job	NOUN
+.	PUNCT
+
+I	PRON
+met	VERB
+him	PRON
+last	ADJ
+week	NOUN
+at	ADP
+the	DET
+meeting	NOUN
+of	ADP
+the	DET
+Science	PROPN
+and	CCONJ
+Industry	PROPN
+Advance	PROPN
+with	ADP
+Mathematics	PROPN
+society	NOUN
+at	ADP
+the	DET
+University	PROPN
+of	ADP
+Houston	PROPN
+.	PUNCT
+
+The	DET
+application	NOUN
+of	ADP
+recent	ADJ
+developments	NOUN
+in	ADP
+optimization	NOUN
+theory	NOUN
+and	CCONJ
+numerical	ADJ
+methods	NOUN
+can	AUX
+help	VERB
+Enron	PROPN
+to	PART
+improve	VERB
+further	ADJ
+efficiency	NOUN
+of	ADP
+our	PRON
+pipeline	NOUN
+system	NOUN
+and	CCONJ
+reduce	VERB
+the	DET
+consumption	NOUN
+of	ADP
+compressor	NOUN
+fuel	NOUN
+.	PUNCT
+
+Please	INTJ
+,	PUNCT
+let	VERB
+me	PRON
+know	VERB
+if	SCONJ
+you	PRON
+interested	ADJ
+in	SCONJ
+introducing	VERB
+Peter	PROPN
+to	ADP
+executives	NOUN
+in	ADP
+your	PRON
+organization	NOUN
+.	PUNCT
+
+I	PRON
+shall	AUX
+be	AUX
+glad	ADJ
+to	PART
+make	VERB
+arrangements	NOUN
+for	ADP
+an	DET
+interview	NOUN
+.	PUNCT
+
+Vince	PROPN
+Kaminski	PROPN
+
+Peter	PROPN
+Percell	PROPN
+<	PUNCT
+percell@swbell.net	X
+>	PUNCT
+on	ADP
+04/30/2001	NUM
+11:16:58	NUM
+AM	NOUN
+
+I	PRON
+enjoyed	VERB
+your	PRON
+presentation	NOUN
+,	PUNCT
+and	CCONJ
+meeting	VERB
+you	PRON
+briefly	ADV
+afterwards	ADV
+,	PUNCT
+at	ADP
+the	DET
+SIAM	PROPN
+Workshop	NOUN
+last	ADJ
+Friday	PROPN
+.	PUNCT
+
+I	PRON
+have	VERB
+extensive	ADJ
+experience	NOUN
+as	ADP
+a	DET
+technical	ADJ
+leader	NOUN
+in	ADP
+the	DET
+design	NOUN
+and	CCONJ
+development	NOUN
+of	ADP
+modeling	NOUN
+and	CCONJ
+simulation	NOUN
+software	NOUN
+products	NOUN
+,	PUNCT
+mostly	ADV
+for	ADP
+the	DET
+oil	NOUN
+and	CCONJ
+gas	NOUN
+pipeline	NOUN
+industry	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+looking	VERB
+for	ADP
+a	DET
+position	NOUN
+that	PRON
+can	AUX
+utilize	VERB
+my	PRON
+software	NOUN
+development	NOUN
+and	CCONJ
+mathematical	ADJ
+skills	NOUN
+.	PUNCT
+
+Getting	VERB
+out	ADP
+of	ADP
+the	DET
+narrow	ADJ
+confines	NOUN
+of	ADP
+the	DET
+pipeline	NOUN
+simulation	NOUN
+industry	NOUN
+would	AUX
+be	AUX
+a	DET
+plus	NOUN
+.	PUNCT
+
+Please	INTJ
+consider	VERB
+whether	SCONJ
+I	PRON
+might	AUX
+fit	VERB
+in	ADP
+your	PRON
+group	NOUN
+.	PUNCT
+
+Your	PRON
+answer	NOUN
+to	ADP
+a	DET
+question	NOUN
+indicated	VERB
+that	SCONJ
+I	PRON
+have	VERB
+several	ADJ
+of	ADP
+the	DET
+skills	NOUN
+you	PRON
+look	VERB
+for	ADP
+.	PUNCT
+
+Also	ADV
+,	PUNCT
+please	INTJ
+let	VERB
+me	PRON
+know	VERB
+,	PUNCT
+by	ADP
+email	NOUN
+,	PUNCT
+the	DET
+names	NOUN
+and	CCONJ
+contact	NOUN
+information	NOUN
+of	ADP
+other	ADJ
+managers	NOUN
+within	ADP
+Enron	PROPN
+who	PRON
+might	AUX
+benefit	VERB
+from	SCONJ
+having	VERB
+someone	PRON
+with	ADP
+my	PRON
+qualifications	NOUN
+in	ADP
+their	PRON
+group	NOUN
+.	PUNCT
+
+Attached	VERB
+are	AUX
+my	PRON
+resume	NOUN
+and	CCONJ
+an	DET
+addendum	NOUN
+covering	VERB
+academic	ADJ
+&	CCONJ
+consulting	NOUN
+experience	NOUN
+.	PUNCT
+
+Publications	NOUN
+are	AUX
+available	ADJ
+on	ADP
+request	NOUN
+.	PUNCT
+
+I	PRON
+will	AUX
+call	VERB
+you	PRON
+in	ADP
+a	DET
+couple	NOUN
+of	ADP
+days	NOUN
+to	PART
+follow	VERB
+up	ADP
+on	ADP
+this	DET
+email	NOUN
+.	PUNCT
+
+Thank	VERB
+you	PRON
+for	ADP
+your	PRON
+time	NOUN
+.	PUNCT
+
+Peter	PROPN
+Percell	PROPN
+10030	NUM
+Doliver	PROPN
+Drive	PROPN
+percell@swbell.net	X
+Houston	PROPN
+,	PUNCT
+TX	PROPN
+77042-2016	NUM
+(	PUNCT
+713	NUM
+)	PUNCT
+532-3836	NUM
+voice	NOUN
+&	CCONJ
+fax	NOUN
+
+-	PUNCT
+Percell,	X
+Peter	X
+Resume	X
+Only.doc	NOUN
+
+-	PUNCT
+Percell,	X
+Peter	X
+A	X
+&	X
+C	X
+Exp.doc	NOUN
+
+Sorry	ADJ
+I	PRON
+guess	VERB
+I	PRON
+did	AUX
+n't	PART
+read	VERB
+it	PRON
+very	ADV
+well	ADV
+.	PUNCT
+
+It	PRON
+'s	AUX
+ok	ADJ
+with	ADP
+me	PRON
+.	PUNCT
+
+Ok	INTJ
+.	PUNCT
+
+Contact	VERB
+Cindy	PROPN
+Stark	PROPN
+to	PART
+make	VERB
+an	DET
+appointment	NOUN
+.	PUNCT
+
+Nasim	X
+H	X
+Khan@TRANSREDES	X
+
+04/30/2001	NUM
+12:42	NUM
+PM	NOUN
+
+Stan	PROPN
+:	PUNCT
+
+I	PRON
+will	AUX
+be	AUX
+completing	VERB
+my	PRON
+tour	NOUN
+of	ADP
+duty	NOUN
+in	ADP
+Bolivia	PROPN
+in	ADP
+September	PROPN
+of	ADP
+this	DET
+year	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+talking	VERB
+to	ADP
+a	DET
+number	NOUN
+of	ADP
+people	NOUN
+regarding	VERB
+opportunities	NOUN
+for	ADP
+a	DET
+new	ADJ
+assignment	NOUN
+back	ADV
+in	ADP
+Houston	PROPN
+office	NOUN
+.	PUNCT
+
+Thought	VERB
+since	SCONJ
+I	PRON
+will	AUX
+be	AUX
+in	ADP
+Houston	PROPN
+,	PUNCT
+stop	VERB
+by	ADP
+your	PRON
+office	NOUN
+for	ADP
+few	ADJ
+minutes	NOUN
+.	PUNCT
+
+NK	PROPN
+
+Stanley	X
+Horton@ENRON	X
+
+04/30/2001	NUM
+12:35	NUM
+PM	NOUN
+
+What	PRON
+is	AUX
+the	DET
+subject	NOUN
+matter	NOUN
+you	PRON
+wish	VERB
+to	PART
+visit	VERB
+about	ADP
+?	PUNCT
+
+Nasim	X
+H	X
+Khan@TRANSREDES	X
+
+04/30/2001	NUM
+09:24	NUM
+AM	NOUN
+
+Stan	PROPN
+:	PUNCT
+
+I	PRON
+will	AUX
+be	AUX
+in	ADP
+Houston	PROPN
+on	ADP
+May	PROPN
+11th	NOUN
+and	CCONJ
+would	AUX
+like	VERB
+to	PART
+visit	VERB
+with	ADP
+you	PRON
+in	ADP
+early	ADJ
+afternoon	NOUN
+if	SCONJ
+possible	ADJ
+.	PUNCT
+
+Please	INTJ
+let	VERB
+me	PRON
+know	VERB
+what	DET
+time	NOUN
+would	AUX
+work	VERB
+for	ADP
+you	PRON
+.	PUNCT
+
+Regards	NOUN
+,	PUNCT
+
+Nasim	PROPN
+Khan	PROPN
+
+I	PRON
+figured	VERB
+this	DET
+posting	NOUN
+belonged	VERB
+to	ADP
+one	NUM
+of	ADP
+you	PRON
+.	PUNCT
+
+Please	INTJ
+see	VERB
+the	DET
+message	NOUN
+from	ADP
+Danny	PROPN
+Jones	PROPN
+.	PUNCT
+
+Danny_Jones%ENRON@eott.com	X
+on	ADP
+04/30/2001	NUM
+01:39:56	NUM
+PM	NOUN
+
+Dear	ADJ
+Mr.	PROPN
+Horton	PROPN
+,	PUNCT
+
+I	PRON
+have	AUX
+recently	ADV
+been	AUX
+made	VERB
+aware	ADJ
+of	ADP
+a	DET
+help	NOUN
+desk	NOUN
+analyst	NOUN
+job	NOUN
+#	NOUN
+0000108806	NUM
+that	PRON
+has	AUX
+become	VERB
+available	ADJ
+in	ADP
+your	PRON
+department	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+currently	ADV
+employed	VERB
+with	ADP
+the	DET
+aviation	NOUN
+department	NOUN
+(	PUNCT
+hangar	NOUN
+attendant	NOUN
+)	PUNCT
+of	ADP
+enron	PROPN
+and	CCONJ
+would	AUX
+like	VERB
+to	PART
+use	VERB
+my	PRON
+past	ADJ
+knowledge	NOUN
+and	CCONJ
+experience	NOUN
+to	PART
+persue	VERB
+my	PRON
+goals	NOUN
+in	ADP
+the	DET
+technology	NOUN
+feild	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+asking	VERB
+respectfully	ADV
+if	SCONJ
+you	PRON
+could	AUX
+give	VERB
+me	PRON
+a	DET
+recommendation	NOUN
+or	CCONJ
+referral	NOUN
+to	ADP
+ETS	NOUN
+technology	NOUN
+department	NOUN
+.	PUNCT
+
+Anything	PRON
+you	PRON
+could	AUX
+do	VERB
+to	PART
+help	VERB
+further	VERB
+my	PRON
+goals	NOUN
+would	AUX
+be	AUX
+appreciated	VERB
+.	PUNCT
+
+Respectfully	ADV
+,	PUNCT
+
+Danny	PROPN
+Jones	PROPN
+281-443-3744	NUM
+smithjones@ev1.net	X
+
+I	PRON
+have	AUX
+contacted	VERB
+the	DET
+relevant	ADJ
+people	NOUN
+of	ADP
+your	PRON
+interest	NOUN
+in	ADP
+the	DET
+job	NOUN
+.	PUNCT
+
+Danny_Jones%ENRON@eott.com	X
+on	ADP
+04/30/2001	NUM
+01:39:56	NUM
+PM	NOUN
+
+Dear	ADJ
+Mr.	PROPN
+Horton	PROPN
+,	PUNCT
+
+I	PRON
+have	AUX
+recently	ADV
+been	AUX
+made	VERB
+aware	ADJ
+of	ADP
+a	DET
+help	NOUN
+desk	NOUN
+analyst	NOUN
+job	NOUN
+#	NOUN
+0000108806	NUM
+that	PRON
+has	AUX
+become	VERB
+available	ADJ
+in	ADP
+your	PRON
+department	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+currently	ADV
+employed	VERB
+with	ADP
+the	DET
+aviation	NOUN
+department	NOUN
+(	PUNCT
+hangar	NOUN
+attendant	NOUN
+)	PUNCT
+of	ADP
+enron	PROPN
+and	CCONJ
+would	AUX
+like	VERB
+to	PART
+use	VERB
+my	PRON
+past	ADJ
+knowledge	NOUN
+and	CCONJ
+experience	NOUN
+to	PART
+persue	VERB
+my	PRON
+goals	NOUN
+in	ADP
+the	DET
+technology	NOUN
+feild	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+asking	VERB
+respectfully	ADV
+if	SCONJ
+you	PRON
+could	AUX
+give	VERB
+me	PRON
+a	DET
+recommendation	NOUN
+or	CCONJ
+referral	NOUN
+to	ADP
+ETS	NOUN
+technology	NOUN
+department	NOUN
+.	PUNCT
+
+Anything	PRON
+you	PRON
+could	AUX
+do	VERB
+to	PART
+help	VERB
+further	VERB
+my	PRON
+goals	NOUN
+would	AUX
+be	AUX
+appreciated	VERB
+.	PUNCT
+
+Respectfully	ADV
+,	PUNCT
+
+Danny	PROPN
+Jones	PROPN
+281-443-3744	NUM
+smithjones@ev1.net	X
+
+This	PRON
+is	AUX
+ok	ADJ
+by	ADP
+me	PRON
+.	PUNCT
+
+Rick	PROPN
+looks	VERB
+like	ADP
+a	DET
+good	ADJ
+candidate	NOUN
+.	PUNCT
+
+Ken	X
+Rice@ENRON	X
+COMMUNICATIONS	X
+
+05/01/2001	NUM
+03:48	NUM
+PM	NOUN
+
+Executive	ADJ
+Committee	NOUN
+:	PUNCT
+
+We	PRON
+would	AUX
+like	VERB
+to	PART
+pursue	VERB
+an	DET
+offer	NOUN
+to	ADP
+Rick	PROPN
+Fehl	PROPN
+prior	ADJ
+to	ADP
+the	DET
+next	ADJ
+Executive	ADJ
+Committee	NOUN
+meeting	NOUN
+on	ADP
+May	PROPN
+7	NUM
+,	PUNCT
+2001	NUM
+.	PUNCT
+
+Please	INTJ
+forward	VERB
+your	PRON
+comments	NOUN
+or	CCONJ
+questions	NOUN
+as	ADV
+soon	ADV
+as	SCONJ
+possible	ADJ
+.	PUNCT
+
+You	PRON
+will	AUX
+find	VERB
+attached	VERB
+the	DET
+recommendation	NOUN
+letter	NOUN
+and	CCONJ
+his	PRON
+resume	NOUN
+.	PUNCT
+
+Regards	NOUN
+,	PUNCT
+
+Ken	PROPN
+Rice	PROPN
+&	CCONJ
+Kevin	PROPN
+Hannon	PROPN
+
+This	PRON
+is	VERB
+to	PART
+advise	VERB
+you	PRON
+that	SCONJ
+we	PRON
+have	VERB
+available	ADJ
+,	PUNCT
+for	ADP
+your	PRON
+business	NOUN
+or	CCONJ
+personal	ADJ
+use	NOUN
+,	PUNCT
+Stan	PROPN
+'s	PART
+four	NUM
+(	PUNCT
+4	NUM
+)	PUNCT
+WNBA	PROPN
+Comets	PROPN
+tickets	NOUN
+.	PUNCT
+
+These	DET
+seats	NOUN
+are	AUX
+in	ADP
+Section	NOUN
+104	NUM
+,	PUNCT
+Row	NOUN
+D	NOUN
+,	PUNCT
+Seats	NOUN
+1	NUM
+-	SYM
+4	NUM
+.	PUNCT
+
+Their	PRON
+schedule	NOUN
+is	AUX
+listed	VERB
+below	ADV
+.	PUNCT
+
+Please	INTJ
+let	VERB
+me	PRON
+know	VERB
+if	SCONJ
+you	PRON
+are	AUX
+interested	ADJ
+in	ADP
+any	DET
+of	ADP
+these	DET
+games	NOUN
+.	PUNCT
+
+They	PRON
+will	AUX
+be	AUX
+distributed	VERB
+on	ADP
+a	DET
+business	NOUN
+basis	NOUN
+first	ADV
+,	PUNCT
+then	ADV
+personal	ADJ
+use	NOUN
+.	PUNCT
+
+Preseason	NOUN
+Game	NOUN
+A	NOUN
+:	PUNCT
+Saturday	PROPN
+,	PUNCT
+May	PROPN
+12	NUM
+@	ADP
+7:30	NUM
+PM	NOUN
+vs.	ADP
+Miami	PROPN
+SOL	PROPN
+
+Preseason	NOUN
+Game	NOUN
+B	NOUN
+:	PUNCT
+Thursday	PROPN
+,	PUNCT
+May	PROPN
+24	NUM
+@	ADP
+7:30	NUM
+PM	NOUN
+vs.	ADP
+Detroit	PROPN
+SHOCK	PROPN
+
+Game	NOUN
+1	NUM
+:	PUNCT
+Monday	PROPN
+,	PUNCT
+May	PROPN
+28	NUM
+@	ADP
+2:00	NUM
+PM	NOUN
+vs.	ADP
+Los	PROPN
+Angeles	PROPN
+SPARKS	PROPN
+
+Game	NOUN
+3	NUM
+:	PUNCT
+Monday	PROPN
+,	PUNCT
+June	PROPN
+11	NUM
+@	ADP
+7:00	NUM
+PM	NOUN
+vs.	ADP
+Los	PROPN
+Angeles	PROPN
+SPARKS	PROPN
+
+Game	NOUN
+4	NUM
+:	PUNCT
+Thursday	PROPN
+,	PUNCT
+June	PROPN
+14	NUM
+@	ADP
+7:30	NUM
+PM	NOUN
+vs.	ADP
+Portland	PROPN
+FIRE	PROPN
+
+Game	NOUN
+5	NUM
+:	PUNCT
+Sunday	PROPN
+,	PUNCT
+June	PROPN
+17	NUM
+@	ADP
+1:00	NUM
+PM	NOUN
+vs.	ADP
+Utah	PROPN
+STARZZ	PROPN
+
+Game	NOUN
+6	NUM
+:	PUNCT
+Tuesday	PROPN
+,	PUNCT
+June	PROPN
+19	NUM
+@	ADP
+7:30	NUM
+PM	NOUN
+vs.	ADP
+Washington	PROPN
+MYSTICS	PROPN
+
+Game	NOUN
+7	NUM
+:	PUNCT
+Saturday	PROPN
+,	PUNCT
+June	PROPN
+23	NUM
+@	ADP
+3:00	NUM
+PM	NOUN
+vs.	ADP
+Sacramento	PROPN
+MONARCHS	PROPN
+
+Game	NOUN
+8	NUM
+:	PUNCT
+Monday	PROPN
+,	PUNCT
+July	PROPN
+2	NUM
+@	ADP
+7:30	NUM
+PM	NOUN
+vs.	ADP
+Portland	PROPN
+FIRE	PROPN
+
+Game	NOUN
+9	NUM
+:	PUNCT
+Friday	PROPN
+,	PUNCT
+July	PROPN
+6	NUM
+@	ADP
+7:30	NUM
+PM	NOUN
+vs.	ADP
+Indiana	PROPN
+FEVER	PROPN
+
+Game	NOUN
+10	NUM
+:	PUNCT
+Sunday	PROPN
+,	PUNCT
+July	PROPN
+8	NUM
+@	ADP
+1:00	NUM
+PM	NOUN
+vs.	ADP
+Cleveland	PROPN
+ROCKERS	PROPN
+
+Game	NOUN
+11	NUM
+:	PUNCT
+Tuesday	PROPN
+,	PUNCT
+July	PROPN
+24	NUM
+@	ADP
+7:30	NUM
+PM	NOUN
+vs.	ADP
+Utah	PROPN
+STARZZ	PROPN
+
+Game	NOUN
+12	NUM
+:	PUNCT
+Saturday	PROPN
+,	PUNCT
+July	PROPN
+28	NUM
+@	ADP
+12:30	NUM
+PM	NOUN
+vs.	ADP
+New	PROPN
+York	PROPN
+LIBERTY	PROPN
+
+Game	NOUN
+13	NUM
+:	PUNCT
+Monday	PROPN
+,	PUNCT
+July	PROPN
+30	NUM
+@	ADP
+7:30	NUM
+PM	NOUN
+vs.	ADP
+Seattle	PROPN
+STORM	PROPN
+
+Game	NOUN
+14	NUM
+:	PUNCT
+Friday	PROPN
+,	PUNCT
+August	PROPN
+3	NUM
+@	ADP
+7:30	NUM
+PM	NOUN
+vs.	ADP
+Orlando	PROPN
+MIRACLE	PROPN
+
+Game	NOUN
+15	NUM
+:	PUNCT
+Monday	PROPN
+,	PUNCT
+August	PROPN
+6	NUM
+@	ADP
+7:00	NUM
+PM	NOUN
+vs.	ADP
+Phoenix	PROPN
+MERCURY	PROPN
+
+Game	NOUN
+16	NUM
+:	PUNCT
+Monday	PROPN
+,	PUNCT
+August	PROPN
+13	NUM
+@	ADP
+7:30	NUM
+PM	NOUN
+vs.	ADP
+Minnesota	PROPN
+LYNX	PROPN
+
+Please	INTJ
+note	VERB
+that	SCONJ
+date	NOUN
+and	CCONJ
+time	NOUN
+are	AUX
+subject	ADJ
+to	ADP
+change	NOUN
+;	PUNCT
+please	INTJ
+check	VERB
+local	ADJ
+listings	NOUN
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Cindy	PROPN
+713/853-6197	NUM
+
+Mailing	VERB
+them	PRON
+to	ADP
+the	DET
+house	NOUN
+iis	VERB
+fine	ADJ
+.	PUNCT
+
+It	PRON
+will	AUX
+give	VERB
+us	PRON
+some	DET
+weekend	NOUN
+reading	NOUN
+!	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+Stephen.Dyer@bakerbotts.com	X
+on	ADP
+05/01/2001	NUM
+08:50:01	NUM
+PM	NOUN
+
+Almost	ADV
+done	ADJ
+with	ADP
+your	PRON
+drafts	NOUN
+.	PUNCT
+
+Took	VERB
+me	PRON
+a	DET
+little	ADJ
+longer	ADV
+to	PART
+review	VERB
+and	CCONJ
+revise	VERB
+Adam	PROPN
+'s	PART
+first	ADJ
+drafts	NOUN
+than	SCONJ
+I	PRON
+had	AUX
+thought	VERB
+(	PUNCT
+there	PRON
+'s	VERB
+a	DET
+lot	NOUN
+going	VERB
+on	ADP
+here	ADV
+,	PUNCT
+as	SCONJ
+you	PRON
+'ll	AUX
+see	VERB
+soon	ADV
+)	PUNCT
+.	PUNCT
+
+I	PRON
+expect	VERB
+to	PART
+send	VERB
+them	PRON
+out	ADV
+to	ADP
+you	PRON
+sometime	ADV
+tomorrow	NOUN
+.	PUNCT
+
+Since	SCONJ
+Debbie	PROPN
+is	AUX
+a	DET
+client	NOUN
+too	ADV
+,	PUNCT
+I	PRON
+think	VERB
+I	PRON
+'ll	AUX
+just	ADV
+mail	VERB
+them	PRON
+to	ADP
+your	PRON
+home	NOUN
+unless	SCONJ
+you	PRON
+prefer	VERB
+otherwise	ADV
+.	PUNCT
+
+SD	PROPN
+
+Good	ADJ
+news	NOUN
+.	PUNCT
+
+Congratulations	NOUN
+and	CCONJ
+good	ADJ
+luck	NOUN
+.	PUNCT
+
+Hello	INTJ
+,	PUNCT
+Bill	PROPN
+!	PUNCT
+
+Stan	PROPN
+will	AUX
+attend	VERB
+in	ADP
+person	NOUN
+.	PUNCT
+
+Cindy	PROPN
+
+Billy	X
+Dorsey@ENRON_DEVELOPMENT	X
+
+05/02/2001	NUM
+12:03	NUM
+PM	NOUN
+
+Executive	ADJ
+Committee	NOUN
+Weekly	ADJ
+Meeting	NOUN
+
+Date	NOUN
+:	PUNCT
+Monday	PROPN
+,	PUNCT
+May	PROPN
+7th	NOUN
+
+Time	NOUN
+:	PUNCT
+11:00	NUM
+a.m.	NOUN
+(	PUNCT
+CDT	PROPN
+)	PUNCT
+
+Location	NOUN
+:	PUNCT
+50th	ADJ
+Floor	NOUN
+Boardroom	NOUN
+
+Video	NOUN
+:	PUNCT
+Connections	NOUN
+will	AUX
+be	AUX
+established	VERB
+with	ADP
+remote	ADJ
+locations	NOUN
+upon	ADP
+request	NOUN
+.	PUNCT
+
+Conf	NOUN
+call	NOUN
+:	PUNCT
+AT&T	PROPN
+lines	NOUN
+have	AUX
+been	AUX
+reserved	VERB
+.	PUNCT
+
+Please	INTJ
+contact	VERB
+Sherri	PROPN
+Sera	PROPN
+(	PUNCT
+713/853-5984	NUM
+)	PUNCT
+or	CCONJ
+Bill	PROPN
+Dorsey	PROPN
+(	PUNCT
+713/646-6505	NUM
+)	PUNCT
+for	ADP
+the	DET
+weekly	ADJ
+dial	VERB
+-	PUNCT
+in	ADP
+number	NOUN
+and	CCONJ
+passcode	NOUN
+.	PUNCT
+
+Please	INTJ
+indicate	VERB
+below	ADV
+whether	SCONJ
+or	CCONJ
+not	ADV
+you	PRON
+plan	VERB
+to	PART
+attend	VERB
+this	DET
+meeting	NOUN
+and	CCONJ
+through	ADP
+what	DET
+medium	NOUN
+.	PUNCT
+
+Yes	INTJ
+,	PUNCT
+I	PRON
+will	AUX
+attend	VERB
+in	ADP
+person	NOUN
+_______	SYM
+
+By	ADP
+video	NOUN
+conference	NOUN
+from	ADP
+_______	SYM
+
+By	ADP
+conference	NOUN
+call	NOUN
+_______	SYM
+
+No	INTJ
+,	PUNCT
+I	PRON
+will	AUX
+not	PART
+attend	VERB
+_______	SYM
+
+***	PUNCT
+
+Please	INTJ
+return	VERB
+this	DET
+e-mail	NOUN
+to	ADP
+me	PRON
+with	ADP
+your	PRON
+response	NOUN
+by	ADP
+12:00	NUM
+p.m.	NOUN
+,	PUNCT
+Friday	PROPN
+,	PUNCT
+May	PROPN
+4th	NOUN
+
+Thank	VERB
+you	PRON
+,	PUNCT
+
+Bill	PROPN
+Dorsey	PROPN
+.	PUNCT
+
+Thank	VERB
+you	PRON
+for	ADP
+the	DET
+invitation	NOUN
+.	PUNCT
+
+Unfortunately	ADV
+Debbie	PROPN
+and	CCONJ
+I	PRON
+will	AUX
+not	PART
+be	AUX
+able	ADJ
+to	PART
+attend	VERB
+due	ADP
+to	ADP
+previous	ADJ
+committments	NOUN
+.	PUNCT
+
+Tana	PROPN
+,	PUNCT
+
+Please	INTJ
+review	VERB
+the	DET
+process	NOUN
+below	ADV
+:	PUNCT
+
+With	ADP
+divisions	NOUN
+,	PUNCT
+EOL	PROPN
+does	AUX
+request	VERB
+a	DET
+new	ADJ
+Password	NOUN
+Application	NOUN
+for	ADP
+the	DET
+applicant	NOUN
+reflecting	VERB
+the	DET
+name	NOUN
+as	SCONJ
+you	PRON
+noted	VERB
+below	ADV
+.	PUNCT
+
+When	ADV
+the	DET
+company	NOUN
+is	AUX
+set	VERB
+up	ADP
+in	ADP
+the	DET
+EOL	PROPN
+database	NOUN
+we	PRON
+link	VERB
+the	DET
+company	NOUN
+to	ADP
+the	DET
+Parent	NOUN
+and	CCONJ
+reference	VERB
+the	DET
+CP	NOUN
+ID	NOUN
+.	PUNCT
+
+Sam	PROPN
+,	PUNCT
+please	INTJ
+confirm	VERB
+,	PUNCT
+Global	PROPN
+Counterparty	PROPN
+also	ADV
+provides	VERB
+the	DET
+links	NOUN
+to	PART
+establish	VERB
+correlation	NOUN
+between	ADP
+the	DET
+parent	NOUN
+and	CCONJ
+child	NOUN
+for	ADP
+our	PRON
+downstream	ADJ
+systems	NOUN
+.	PUNCT
+
+Let	VERB
+me	PRON
+know	VERB
+if	SCONJ
+this	PRON
+is	AUX
+the	DET
+appropriate	ADJ
+steps	NOUN
+that	PRON
+you	PRON
+would	AUX
+like	VERB
+to	PART
+see	VERB
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Stephanie	PROPN
+
+Sam	PROPN
+&	CCONJ
+Stephanie	PROPN
+,	PUNCT
+
+Re	ADP
+:	PUNCT
+Cargill	PROPN
+Ferrous	PROPN
+International	PROPN
+
+It	PRON
+was	AUX
+my	PRON
+understanding	NOUN
+with	ADP
+the	DET
+EOL	PROPN
+Team	NOUN
+that	SCONJ
+all	DET
+divisions	NOUN
+would	AUX
+have	VERB
+the	DET
+legal	ADJ
+incorporated	VERB
+entity	NOUN
+as	ADP
+part	NOUN
+of	ADP
+the	DET
+name	NOUN
+.	PUNCT
+
+Stephanie	PROPN
+,	PUNCT
+I	PRON
+my	PRON
+preference	NOUN
+is	VERB
+to	PART
+kick	VERB
+their	PRON
+Password	NOUN
+Application	NOUN
+back	ADV
+and	CCONJ
+get	VERB
+them	PRON
+to	PART
+change	VERB
+it	PRON
+to	PART
+read	VERB
+something	PRON
+like	ADP
+"	PUNCT
+Cargill	PROPN
+Ferrous	PROPN
+International	PROPN
+,	PUNCT
+a	DET
+division	NOUN
+of	ADP
+Cargill	PROPN
+,	PUNCT
+Inc.	PROPN
+"	PUNCT
+or	CCONJ
+"	PUNCT
+Cargill	PROPN
+,	PUNCT
+Inc.	PROPN
+acting	VERB
+through	ADP
+its	PRON
+Cargill	PROPN
+Ferrous	PROPN
+International	PROPN
+Division	NOUN
+"	PUNCT
+.	PUNCT
+
+Samuel	PROPN
+Schott	PROPN
+
+03/21/2001	NUM
+01:58	NUM
+PM	NOUN
+
+Any	DET
+GCP	NOUN
+adjustments	NOUN
+will	AUX
+be	AUX
+highlighted	VERB
+in	ADP
+red	ADJ
+.	PUNCT
+
+Attn.	NOUN
+GCP_London	PROPN
+:	PUNCT
+
+There	PRON
+'s	VERB
+a	DET
+new	ADJ
+EOL	PROPN
+Counterparty	NOUN
+listed	VERB
+in	ADP
+the	DET
+UK	PROPN
+.	PUNCT
+
+Please	INTJ
+respond	VERB
+.	PUNCT
+
+Best	ADJ
+Rgds	NOUN
+.	PUNCT
+
+Samuel	PROPN
+x3-9890	NOUN
+ENW_GCP	PROPN
+
+Please	INTJ
+see	VERB
+attached	VERB
+.	PUNCT
+
+Harry	PROPN
+-	PUNCT
+
+are	AUX
+you	PRON
+the	DET
+right	ADJ
+lawyer	NOUN
+to	PART
+look	VERB
+at	ADP
+this	PRON
+?	PUNCT
+
+Robert	PROPN
+B	PROPN
+Cass	PROPN
+
+04/16/2001	NUM
+04:52	NUM
+PM	NOUN
+
+Please	INTJ
+approve	VERB
+the	DET
+following	VERB
+product	NOUN
+type	NOUN
+in	ADP
+Datamanager	PROPN
+after	ADP
+11:00	NUM
+p.m	NOUN
+.	PUNCT
+
+See	VERB
+the	DET
+steps	NOUN
+for	ADP
+approval	NOUN
+below	ADV
+.	PUNCT
+
+US	PROPN
+Steel	NOUN
+Hot	ADJ
+Rolled	VERB
+Plate	NOUN
+Phy	NOUN
+
+Website	NOUN
+Short	ADJ
+Description	NOUN
+of	ADP
+Product	NOUN
+Type	NOUN
+:	PUNCT
+US	PROPN
+HR	NOUN
+Stl	NOUN
+Plt	NOUN
+Phy	NOUN
+
+Product	NOUN
+Type	NOUN
+:	PUNCT
+
+Reference	NOUN
+Period	NOUN
+:	PUNCT
+
+The	DET
+term	NOUN
+of	ADP
+the	DET
+Transaction	NOUN
+shall	AUX
+be	AUX
+from	ADP
+the	DET
+Effective	ADJ
+Date	NOUN
+(	PUNCT
+or	CCONJ
+start	NOUN
+date	NOUN
+)	PUNCT
+to	ADP
+the	DET
+Termination	NOUN
+Date	NOUN
+(	PUNCT
+or	CCONJ
+end	NOUN
+date	NOUN
+)	PUNCT
+.	PUNCT
+
+The	DET
+Effective	ADJ
+Date	NOUN
+(	PUNCT
+or	CCONJ
+start	NOUN
+date	NOUN
+)	PUNCT
+is	AUX
+01	NUM
+Oct	PROPN
+2001	NUM
+.	PUNCT
+
+The	DET
+Termination	NOUN
+Date	NOUN
+(	PUNCT
+or	CCONJ
+end	NOUN
+date	NOUN
+)	PUNCT
+is	AUX
+31	NUM
+Oct	PROPN
+2001	NUM
+.	PUNCT
+
+Product	NOUN
+Additional	ADJ
+Information	NOUN
+(	PUNCT
+example	NOUN
+)	PUNCT
+:	PUNCT
+
+The	DET
+Transaction	NOUN
+is	AUX
+for	ADP
+hot	ADJ
+rolled	VERB
+steel	NOUN
+with	ADP
+a	DET
+thickness	NOUN
+of	ADP
+1	NUM
+"	NOUN
+and	CCONJ
+a	DET
+width	NOUN
+of	ADP
+72	NUM
+inches	NOUN
+.	PUNCT
+
+The	DET
+transaction	NOUN
+is	AUX
+F.O.B.	PROPN
+Reserve	PROPN
+Marine	PROPN
+Terminal	PROPN
+in	ADP
+Chicago	PROPN
+,	PUNCT
+Ill	PROPN
+Metro	ADJ
+Area	NOUN
+.	PUNCT
+
+F.O.B.	PROPN
+refers	VERB
+to	ADP
+the	DET
+following	VERB
+terms	NOUN
+:	PUNCT
+Seller	NOUN
+is	AUX
+responsible	ADJ
+for	ADP
+freight	NOUN
+,	PUNCT
+unloading	NOUN
+and	CCONJ
+storage	NOUN
+up	ADP
+to	ADP
+and	CCONJ
+including	VERB
+delivery	NOUN
+in	ADP
+warehouse	NOUN
+,	PUNCT
+Buyer	NOUN
+is	AUX
+responsible	ADJ
+for	ADP
+storage	NOUN
+,	PUNCT
+loading	NOUN
+and	CCONJ
+freight	NOUN
+after	ADP
+delivery	NOUN
+.	PUNCT
+
+The	DET
+Contract	NOUN
+Quantity	NOUN
+shall	AUX
+be	AUX
+quantity	NOUN
+submitted	VERB
+by	ADP
+Counterparty	NOUN
+via	ADP
+EnronOnline	PROPN
+(	PUNCT
+5	NUM
+%	SYM
+greater	ADJ
+or	CCONJ
+lesser	ADJ
+allowance	NOUN
+at	ADP
+Seller	NOUN
+'s	PART
+option	NOUN
+)	PUNCT
+.	PUNCT
+
+Each	DET
+calendar	NOUN
+month	NOUN
+during	ADP
+the	DET
+term	NOUN
+of	ADP
+the	DET
+Transaction	NOUN
+will	AUX
+be	AUX
+a	DET
+Dispatch	NOUN
+Period	NOUN
+.	PUNCT
+
+Enron	PROPN
+will	AUX
+guarantee	VERB
+delivery	NOUN
+by	ADP
+the	DET
+20th	NOUN
+of	ADP
+each	DET
+scheduled	VERB
+Dispatch	NOUN
+Period	NOUN
+and	CCONJ
+accept	VERB
+supply	NOUN
+to	ADP
+the	DET
+15th	NOUN
+of	ADP
+each	DET
+scheduled	VERB
+Dispatch	NOUN
+Period	NOUN
+.	PUNCT
+
+Payment	NOUN
+shall	AUX
+be	AUX
+made	VERB
+,	PUNCT
+against	ADP
+the	DET
+receipt	NOUN
+of	ADP
+the	DET
+required	VERB
+documents	NOUN
+outlined	VERB
+in	ADP
+the	DET
+General	ADJ
+Terms	NOUN
+and	CCONJ
+Conditions	NOUN
+,	PUNCT
+in	ADP
+the	DET
+Contractual	ADJ
+Currency	NOUN
+by	ADP
+telegraphic	ADJ
+transfer	NOUN
+no	ADV
+later	ADV
+than	ADP
+30	NUM
+calendar	NOUN
+days	NOUN
+after	ADP
+the	DET
+date	NOUN
+on	ADP
+which	PRON
+the	DET
+Commodity	NOUN
+is	AUX
+released	VERB
+to	ADP
+Buyer	NOUN
+.	PUNCT
+
+Currency	NOUN
+:	PUNCT
+
+The	DET
+price	NOUN
+is	AUX
+quoted	VERB
+in	ADP
+US	PROPN
+Dollars	NOUN
+per	ADP
+unit	NOUN
+of	ADP
+volume	NOUN
+,	PUNCT
+which	PRON
+will	AUX
+be	AUX
+the	DET
+Contractual	ADJ
+Currency	NOUN
+.	PUNCT
+
+Unit	NOUN
+of	ADP
+Measure	NOUN
+:	PUNCT
+
+The	DET
+unit	NOUN
+of	ADP
+measure	NOUN
+against	ADP
+which	PRON
+the	DET
+price	NOUN
+is	AUX
+quoted	VERB
+shall	AUX
+be	AUX
+net	ADJ
+tons	NOUN
+(	PUNCT
+2000	NUM
+lbs	NOUN
+)	PUNCT
+and	CCONJ
+the	DET
+quantity	NOUN
+shown	VERB
+shall	AUX
+be	AUX
+in	ADP
+net	ADJ
+tons	NOUN
+per	ADP
+month	NOUN
+.	PUNCT
+
+STEPS	NOUN
+FOR	ADP
+APPROVAL	NOUN
+:	PUNCT
+
+click	VERB
+the	DET
+START	NOUN
+button	NOUN
+
+select	VERB
+PROGRAMS	NOUN
+
+select	VERB
+TEST	NOUN
+APPLICATIONS	NOUN
+
+select	VERB
+ENRONONLINE	PROPN
+CLUSTER	NOUN
+(	PUNCT
+PROD	NOUN
+)	PUNCT
+
+PROCEED	VERB
+WITH	ADP
+USUAL	ADJ
+LOGIN	NOUN
+/	PUNCT
+PASSWORD	NOUN
+
+click	VERB
+the	DET
+Enron	PROPN
+Online	PROPN
+Production	NOUN
+Cluster	NOUN
+"	PUNCT
+START	NOUN
+"	PUNCT
+button	NOUN
+
+select	VERB
+EnronOnLine	PROPN
+(	PUNCT
+this	PRON
+is	AUX
+the	DET
+EOL	PROPN
+Datamanager	NOUN
+)	PUNCT
+
+PROCEED	VERB
+WITH	ADP
+EOL	PROPN
+LOGIN	NOUN
+/	PUNCT
+PASSWORD	NOUN
+
+click	VERB
+on	ADP
+the	DET
+"	PUNCT
++	SYM
+"	PUNCT
+for	ADP
+EnronOnLine	PROPN
+
+click	VERB
+on	ADP
+the	DET
+"	PUNCT
++	SYM
+"	PUNCT
+for	ADP
+Product	NOUN
+Types	NOUN
+
+click	VERB
+on	ADP
+the	DET
+"	PUNCT
++	SYM
+"	PUNCT
+for	ADP
+"	PUNCT
+Awaiting	VERB
+Approval	NOUN
+"	PUNCT
+(	PUNCT
+OR	CCONJ
+"	PUNCT
+Partially	ADV
+Approved	VERB
+"	PUNCT
+)	PUNCT
+
+select	VERB
+the	DET
+product	NOUN
+requiring	VERB
+review	NOUN
+as	SCONJ
+stated	VERB
+in	ADP
+e-mail	NOUN
+above	ADV
+
+Right	ADJ
+"	PUNCT
+mouse	NOUN
+"	PUNCT
+click	VERB
+on	ADP
+"	PUNCT
+properties	NOUN
+"	PUNCT
+to	PART
+view	VERB
+product	NOUN
+set	NOUN
+-	PUNCT
+up	NOUN
+
+TO	PART
+APPROVE	VERB
+:	PUNCT
+Right	ADJ
+mouse	NOUN
+click	VERB
+on	ADP
+"	PUNCT
+Approved	NOUN
+"	PUNCT
+
+Thanks	NOUN
+Bill	PROPN
+-	PUNCT
+appreciate	VERB
+your	PRON
+help	NOUN
+!	PUNCT
+
+Bill	PROPN
+D	PROPN
+Hare	PROPN
+
+04/16/2001	NUM
+05:51	NUM
+PM	NOUN
+
+We	PRON
+informed	VERB
+Tana	PROPN
+that	SCONJ
+we	PRON
+made	VERB
+the	DET
+change	NOUN
+in	ADP
+Global	ADJ
+Counterparty	NOUN
+to	PART
+include	VERB
+,	PUNCT
+"	PUNCT
+a	DET
+division	NOUN
+of	ADP
+Cargill	PROPN
+Incorporated	PROPN
+"	PUNCT
+.	PUNCT
+
+We	PRON
+will	AUX
+meet	VERB
+in	ADP
+the	DET
+near	ADJ
+future	NOUN
+to	PART
+discuss	VERB
+the	DET
+issues	NOUN
+surrounding	VERB
+division	NOUN
+and	CCONJ
+trade	NOUN
+name	NOUN
+setups	NOUN
+in	ADP
+Global	ADJ
+Counterparty	NOUN
+.	PUNCT
+
+Bill	PROPN
+
+Bill	PROPN
+-	PUNCT
+
+If	SCONJ
+Sam	PROPN
+'s	PART
+description	NOUN
+below	ADV
+of	ADP
+the	DET
+GCP	NOUN
+procedure	NOUN
+is	AUX
+correct	ADJ
+,	PUNCT
+it	PRON
+looks	VERB
+to	ADP
+me	PRON
+like	SCONJ
+something	PRON
+needs	VERB
+to	PART
+be	AUX
+changed	VERB
+.	PUNCT
+
+The	DET
+difficulty	NOUN
+lies	VERB
+in	ADP
+the	DET
+fact	NOUN
+that	SCONJ
+the	DET
+confirmation	NOUN
+system	NOUN
+reads	VERB
+the	DET
+counterparty	NOUN
+'s	PART
+name	NOUN
+from	ADP
+Global	ADJ
+Counterparty	NOUN
+.	PUNCT
+
+Since	SCONJ
+divisions	NOUN
+of	ADP
+companies	NOUN
+are	AUX
+not	PART
+legal	ADJ
+entities	NOUN
+they	PRON
+do	AUX
+not	PART
+have	VERB
+the	DET
+power	NOUN
+to	PART
+contract	VERB
+in	ADP
+their	PRON
+own	ADJ
+names	NOUN
+.	PUNCT
+
+If	SCONJ
+the	DET
+correct	ADJ
+legal	ADJ
+name	NOUN
+is	AUX
+not	PART
+in	ADP
+Global	ADJ
+Counterparty	NOUN
+,	PUNCT
+the	DET
+confirmation	NOUN
+goes	VERB
+out	ADV
+with	ADP
+the	DET
+wrong	ADJ
+legal	ADJ
+name	NOUN
+on	ADP
+it	PRON
+seriously	ADV
+compromising	VERB
+the	DET
+contract	NOUN
+itself	PRON
+.	PUNCT
+
+That	PRON
+is	AUX
+the	DET
+source	NOUN
+of	ADP
+Tana	PROPN
+'s	PART
+concern	NOUN
+regarding	VERB
+the	DET
+correct	ADJ
+entering	NOUN
+of	ADP
+divisions	NOUN
+in	ADP
+the	DET
+system	NOUN
+.	PUNCT
+
+My	PRON
+suggestion	NOUN
+is	VERB
+that	SCONJ
+Global	ADJ
+Counterparty	NOUN
+use	VERB
+the	DET
+same	ADJ
+name	NOUN
+that	PRON
+the	DET
+customer	NOUN
+has	AUX
+signed	VERB
+on	ADP
+the	DET
+EnronOnline	PROPN
+Password	NOUN
+Application	NOUN
+--	PUNCT
+my	PRON
+understanding	NOUN
+is	VERB
+that	SCONJ
+the	DET
+EnronOnline	PROPN
+team	NOUN
+returns	VERB
+inappropriate	ADJ
+Applications	NOUN
+to	ADP
+the	DET
+customer	NOUN
+until	SCONJ
+they	PRON
+are	AUX
+correctly	ADV
+completed	VERB
+.	PUNCT
+
+In	ADP
+this	DET
+particular	ADJ
+case	NOUN
+since	SCONJ
+the	DET
+counterparty	NOUN
+is	AUX
+still	ADV
+not	PART
+allowed	VERB
+to	PART
+transact	VERB
+on	ADP
+EnronOnline	PROPN
+almost	ADV
+a	DET
+month	NOUN
+after	SCONJ
+sending	VERB
+in	ADV
+their	PRON
+application	NOUN
+they	PRON
+are	AUX
+understandably	ADV
+upset	ADJ
+and	CCONJ
+are	AUX
+now	ADV
+complaining	VERB
+.	PUNCT
+
+I	PRON
+would	AUX
+appreciate	VERB
+it	PRON
+if	SCONJ
+you	PRON
+could	AUX
+get	VERB
+this	DET
+one	NOUN
+fixed	VERB
+today	NOUN
+and	CCONJ
+,	PUNCT
+if	SCONJ
+you	PRON
+have	VERB
+any	DET
+problem	NOUN
+with	SCONJ
+changing	VERB
+the	DET
+GCP	NOUN
+procedure	NOUN
+,	PUNCT
+please	INTJ
+let	VERB
+me	PRON
+know	VERB
+.	PUNCT
+
+Mark	PROPN
+
+Tana	PROPN
+Jones	PROPN
+
+04/16/2001	NUM
+03:11	NUM
+PM	NOUN
+
+Samuel	PROPN
+Schott	PROPN
+
+03/28/2001	NUM
+01:09	NUM
+PM	NOUN
+
+FYI	ADV
+...	PUNCT
+
+Cargill	PROPN
+Ferrous	PROPN
+International	PROPN
+is	AUX
+set	VERB
+up	ADP
+correctly	ADV
+in	ADP
+the	DET
+Global	ADJ
+Counterparty	NOUN
+System	NOUN
+as	ADP
+a	DET
+Division	NOUN
+of	ADP
+Cargill	PROPN
+,	PUNCT
+Inc	PROPN
+.	PUNCT
+
+Cargill	PROPN
+Ferrous	PROPN
+International	PROPN
+is	AUX
+the	DET
+full	ADJ
+name	NOUN
+of	ADP
+this	DET
+division	NOUN
+and	CCONJ
+set	VERB
+up	ADP
+as	ADP
+such	ADJ
+in	ADP
+GCP	NOUN
+with	ADP
+a	DET
+Sub	NOUN
+-	PUNCT
+to	ADP
+-	PUNCT
+Legal	ADJ
+Link	NOUN
+to	ADP
+Cargill	PROPN
+,	PUNCT
+Inc.	PROPN
+per	ADP
+GCP	NOUN
+procedure	NOUN
+.	PUNCT
+
+Also	ADV
+,	PUNCT
+the	DET
+Global	ADJ
+SAP	NOUN
+team	NOUN
+(	PUNCT
+Cheryl	PROPN
+Johnson	PROPN
+)	PUNCT
+would	AUX
+need	VERB
+Legal	ADJ
+Name	NOUN
+Change	NOUN
+documentation	NOUN
+from	ADP
+the	DET
+Counterparty	NOUN
+in	ADP
+order	NOUN
+to	PART
+change	VERB
+this	DET
+name	NOUN
+.	PUNCT
+
+Best	ADJ
+Rgds	NOUN
+.	PUNCT
+
+Samuel	PROPN
+x3-9890	NOUN
+(	PUNCT
+GCP	NOUN
+)	PUNCT
+Enron	PROPN
+Net	PROPN
+Works	PROPN
+_	SYM
+Global	ADJ
+Data	NOUN
+Management	NOUN
+
+Any	DET
+updates	NOUN
+on	SCONJ
+adding	VERB
+the	DET
+correct	ADJ
+legal	ADJ
+name	NOUN
+to	ADP
+this	DET
+counterparty	NOUN
+name	NOUN
+?	PUNCT
+
+Hello	INTJ
+,	PUNCT
+
+Yes	INTJ
+,	PUNCT
+GCP	NOUN
+provides	VERB
+the	DET
+links	NOUN
+to	PART
+establish	VERB
+the	DET
+correlation	NOUN
+between	ADP
+the	DET
+parent	NOUN
+and	CCONJ
+child	NOUN
+for	ADP
+our	PRON
+downstream	ADJ
+systems	NOUN
+.	PUNCT
+
+GCP	NOUN
+procedure	NOUN
+is	VERB
+to	PART
+create	VERB
+Counterparty	NOUN
+names	NOUN
+that	PRON
+reflect	VERB
+either	CCONJ
+the	DET
+Tradename	NOUN
+/	PUNCT
+Division	NOUN
+name	NOUN
+or	CCONJ
+Parent	NOUN
+Name	NOUN
+--	PUNCT
+not	ADV
+both	DET
+simultaneously	ADV
+.	PUNCT
+
+(	PUNCT
+Although	SCONJ
+,	PUNCT
+we	PRON
+have	AUX
+broken	VERB
+that	DET
+rule	NOUN
+for	ADP
+Legal	ADJ
+in	ADP
+the	DET
+past	NOUN
+.	PUNCT
+)	PUNCT
+
+This	PRON
+defeats	VERB
+the	DET
+purpose	NOUN
+of	SCONJ
+using	VERB
+a	DET
+Tradename	NOUN
+.	PUNCT
+
+Best	ADJ
+Rgds	NOUN
+.	PUNCT
+
+Samuel	PROPN
+
+Tana	PROPN
+,	PUNCT
+
+Please	INTJ
+review	VERB
+the	DET
+process	NOUN
+below	ADV
+:	PUNCT
+
+With	ADP
+divisions	NOUN
+,	PUNCT
+EOL	PROPN
+does	AUX
+request	VERB
+a	DET
+new	ADJ
+Password	NOUN
+Application	NOUN
+for	ADP
+the	DET
+applicant	NOUN
+reflecting	VERB
+the	DET
+name	NOUN
+as	SCONJ
+you	PRON
+noted	VERB
+below	ADV
+.	PUNCT
+
+When	ADV
+the	DET
+company	NOUN
+is	AUX
+set	VERB
+up	ADP
+in	ADP
+the	DET
+EOL	PROPN
+database	NOUN
+we	PRON
+link	VERB
+the	DET
+company	NOUN
+to	ADP
+the	DET
+Parent	NOUN
+and	CCONJ
+reference	VERB
+the	DET
+CP	NOUN
+ID	NOUN
+.	PUNCT
+
+Sam	PROPN
+,	PUNCT
+please	INTJ
+confirm	VERB
+,	PUNCT
+Global	ADJ
+Counterparty	NOUN
+also	ADV
+provides	VERB
+the	DET
+links	NOUN
+to	PART
+establish	VERB
+correlation	NOUN
+between	ADP
+the	DET
+parent	NOUN
+and	CCONJ
+child	NOUN
+for	ADP
+our	PRON
+downstream	ADJ
+systems	NOUN
+.	PUNCT
+
+Let	VERB
+me	PRON
+know	VERB
+if	SCONJ
+this	PRON
+is	AUX
+the	DET
+appropriate	ADJ
+steps	NOUN
+that	PRON
+you	PRON
+would	AUX
+like	VERB
+to	PART
+see	VERB
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Stephanie	PROPN
+
+Sam	PROPN
+&	CCONJ
+Stephanie	PROPN
+,	PUNCT
+
+Re	ADP
+:	PUNCT
+Cargill	PROPN
+Ferrous	PROPN
+International	PROPN
+
+It	PRON
+was	AUX
+my	PRON
+understanding	NOUN
+with	ADP
+the	DET
+EOL	PROPN
+Team	NOUN
+that	SCONJ
+all	DET
+divisions	NOUN
+would	AUX
+have	VERB
+the	DET
+legal	ADJ
+incorporated	VERB
+entity	NOUN
+as	ADP
+part	NOUN
+of	ADP
+the	DET
+name	NOUN
+.	PUNCT
+
+Stephanie	PROPN
+,	PUNCT
+I	PRON
+my	PRON
+preference	NOUN
+is	VERB
+to	PART
+kick	VERB
+their	PRON
+Password	NOUN
+Application	NOUN
+back	ADV
+and	CCONJ
+get	VERB
+them	PRON
+to	PART
+change	VERB
+it	PRON
+to	PART
+read	VERB
+something	PRON
+like	ADP
+"	PUNCT
+Cargill	PROPN
+Ferrous	PROPN
+International	PROPN
+,	PUNCT
+a	DET
+division	NOUN
+of	ADP
+Cargill	PROPN
+,	PUNCT
+Inc.	PROPN
+"	PUNCT
+or	CCONJ
+"	PUNCT
+Cargill	PROPN
+,	PUNCT
+Inc.	PROPN
+acting	VERB
+through	ADP
+its	PRON
+Cargill	PROPN
+Ferrous	PROPN
+International	PROPN
+Division	NOUN
+"	PUNCT
+.	PUNCT
+
+Samuel	PROPN
+Schott	PROPN
+
+03/21/2001	NUM
+01:58	NUM
+PM	NOUN
+
+Any	DET
+GCP	NOUN
+adjustments	NOUN
+will	AUX
+be	AUX
+highlighted	VERB
+in	ADP
+red	ADJ
+.	PUNCT
+
+Attn.	NOUN
+GCP_London	PROPN
+:	PUNCT
+
+There	PRON
+'s	VERB
+a	DET
+new	ADJ
+EOL	PROPN
+Counterparty	NOUN
+listed	VERB
+in	ADP
+the	DET
+UK	PROPN
+.	PUNCT
+
+Please	INTJ
+respond	VERB
+.	PUNCT
+
+Best	ADJ
+Rgds	NOUN
+.	PUNCT
+
+Samuel	PROPN
+x3-9890	NOUN
+ENW_GCP	PROPN
+
+Please	INTJ
+see	VERB
+attached	VERB
+.	PUNCT
+
+Doc	PROPN
+-	PUNCT
+
+I	PRON
+'ll	AUX
+be	AUX
+in	ADP
+town	NOUN
+through	ADP
+Sunday	PROPN
+morning	NOUN
+.	PUNCT
+
+Any	DET
+chance	NOUN
+we	PRON
+can	AUX
+get	VERB
+together	ADV
+for	ADP
+dinner	NOUN
+Saturday	PROPN
+eve.	NOUN
+?	PUNCT
+
+Mark	PROPN
+
+I	PRON
+'m	AUX
+handling	VERB
+the	DET
+afternoon	NOUN
+--	PUNCT
+I	PRON
+think	VERB
+that	SCONJ
+Harry	PROPN
+has	VERB
+this	DET
+morning	NOUN
+.	PUNCT
+
+MHC	PROPN
+
+Can	AUX
+you	PRON
+cover	VERB
+for	ADP
+me	PRON
+today	NOUN
+?	PUNCT
+
+I	PRON
+am	AUX
+in	ADP
+mediation	NOUN
+.	PUNCT
+
+I	PRON
+left	VERB
+a	DET
+voicemail	NOUN
+for	ADP
+Sharon	PROPN
+Butcher	PROPN
+,	PUNCT
+as	ADV
+well	ADV
+,	PUNCT
+just	ADV
+to	PART
+make	VERB
+sure	ADJ
+it	PRON
+is	AUX
+handled	VERB
+.	PUNCT
+
+My	PRON
+schedule	NOUN
+shows	VERB
+an	DET
+afternoon	NOUN
+session	NOUN
+.	PUNCT
+
+Do	AUX
+we	PRON
+have	VERB
+2	NUM
+sessions	NOUN
+today	NOUN
+?	PUNCT
+
+If	SCONJ
+so	ADV
+,	PUNCT
+you	PRON
+may	AUX
+want	VERB
+to	PART
+split	VERB
+and	CCONJ
+cover	VERB
+.	PUNCT
+
+Thanks	NOUN
+a	DET
+ton	NOUN
+.	PUNCT
+
+I	PRON
+will	AUX
+take	VERB
+you	PRON
+next	ADJ
+one	NOUN
+in	ADP
+August	PROPN
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Kriste	PROPN
+
+Kriste	PROPN
+K.	PROPN
+Sullivan	PROPN
+Enron	PROPN
+Corp.	PROPN
+-	PUNCT
+Legal	ADJ
+EB	PROPN
+4861	NUM
+(	PUNCT
+713	NUM
+)	PUNCT
+853-7557	NUM
+Phone	NOUN
+(	PUNCT
+713	NUM
+)	PUNCT
+646-5847	NUM
+Fax	NOUN
+
+I	PRON
+got	VERB
+this	PRON
+.	PUNCT
+
+I	PRON
+assume	VERB
+this	PRON
+is	AUX
+12:30	NUM
+Central	PROPN
+Time	PROPN
+?	PUNCT
+
+When	ADV
+:	PUNCT
+Wednesday	PROPN
+,	PUNCT
+September	PROPN
+19	NUM
+,	PUNCT
+2001	NUM
+10:30	NUM
+AM	NOUN
+-	SYM
+11:30	NUM
+AM	NOUN
+(	PUNCT
+GMT	PROPN
+-	SYM
+08:00	NUM
+)	PUNCT
+Pacific	PROPN
+Time	PROPN
+(	PUNCT
+US	PROPN
+&	CCONJ
+Canada	PROPN
+)	PUNCT
+;	PUNCT
+Tijuana	PROPN
+.	PUNCT
+
+Where	ADV
+:	PUNCT
+Conf.	NOUN
+Call	NOUN
+
+*~*~*~*~*~*~*~*~*~*	SYM
+
+10:30	NUM
+-	SYM
+11:30	NUM
+PST	PROPN
+
+Call	VERB
+-	PUNCT
+in	ADV
+#	NOUN
+:	PUNCT
+800/711-8000	NUM
+
+Passcode	NOUN
+:	PUNCT
+4153030	NUM
+
+Here	ADV
+is	AUX
+the	DET
+overview	NOUN
+of	ADP
+Bob	PROPN
+Henderson	PROPN
+'s	PART
+Employment	NOUN
+Agreement	NOUN
+.	PUNCT
+
+What	PRON
+do	AUX
+you	PRON
+think	VERB
+?	PUNCT
+
+MHC	PROPN
+
+Michelle	PROPN
+,	PUNCT
+please	INTJ
+comment	VERB
+.	PUNCT
+
+Please	INTJ
+send	VERB
+me	PRON
+an	DET
+email	NOUN
+response	NOUN
+about	SCONJ
+whether	SCONJ
+you	PRON
+and	CCONJ
+Michelle	PROPN
+Cash	PROPN
+are	AUX
+OK	ADJ
+with	SCONJ
+what	PRON
+he	PRON
+'s	AUX
+written	VERB
+.	PUNCT
+
+After	ADP
+that	PRON
+,	PUNCT
+what	PRON
+do	AUX
+we	PRON
+do	VERB
+?	PUNCT
+
+Brad	PROPN
+
+After	ADP
+a	DET
+conversation	NOUN
+with	ADP
+Ryan	PROPN
+Seleznov	PROPN
+I	PRON
+herewith	ADV
+like	INTJ
+disclose	VERB
+in	ADP
+writing	NOUN
+my	PRON
+intentions	NOUN
+in	ADP
+respect	NOUN
+to	ADP
+Dealbench	PROPN
+.	PUNCT
+
+Please	INTJ
+see	VERB
+attached	VERB
+Word	PROPN
+file	NOUN
+
+Best	ADJ
+regards	NOUN
+
+Tobias	PROPN
+Munk	PROPN
+
+Please	INTJ
+see	VERB
+the	DET
+attached	VERB
+.	PUNCT
+
+Teresa	PROPN
+
+Please	INTJ
+send	VERB
+David	PROPN
+Lund	PROPN
+copies	NOUN
+of	ADP
+our	PRON
+standard	ADJ
+corporate	ADJ
+services	NOUN
+agreement	NOUN
+and	CCONJ
+the	DET
+standard	ADJ
+assignment	NOUN
+letter	NOUN
+(	PUNCT
+use	VERB
+Bridgeline	PROPN
+example	NOUN
+--	PUNCT
+with	ADP
+and	CCONJ
+without	ADP
+non-compete	NOUN
+)	PUNCT
+.	PUNCT
+
+Michelle	PROPN
+
+We	PRON
+'re	AUX
+formatting	VERB
+one	NUM
+this	DET
+week	NOUN
+,	PUNCT
+and	CCONJ
+we	PRON
+'ll	AUX
+send	VERB
+it	PRON
+when	ADV
+it	PRON
+'s	AUX
+done	ADJ
+.	PUNCT
+
+Michelle	PROPN
+
+Thanks	NOUN
+very	ADV
+much	ADV
+.	PUNCT
+
+Do	AUX
+you	PRON
+also	ADV
+have	VERB
+a	DET
+SSD	NOUN
+we	PRON
+can	AUX
+use	VERB
+?	PUNCT
+
+Jane	PROPN
+
+<<	PUNCT
+File	NOUN
+:	PUNCT
+220b	X
+-	X
+dg	X
+-	X
+Agreement	X
+for	X
+Recruiting	X
+Services.doc	NOUN
+>>	PUNCT
+<<	PUNCT
+File	NOUN
+:	PUNCT
+220a	X
+DG	X
+-	X
+Agreement	X
+for	X
+Contract	X
+Services.DOC	NOUN
+>>	PUNCT
+
+Here	ADV
+are	AUX
+the	DET
+sample	NOUN
+Agreements	NOUN
+.	PUNCT
+
+Please	INTJ
+let	VERB
+us	PRON
+know	VERB
+if	SCONJ
+you	PRON
+need	VERB
+anything	PRON
+else	ADJ
+.	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+Diane	PROPN
+Goode	PROPN
+Senior	ADJ
+Specialist	NOUN
+
+I	PRON
+agree	VERB
+also	ADV
+,	PUNCT
+but	CCONJ
+I	PRON
+do	AUX
+n't	PART
+know	VERB
+all	DET
+the	DET
+parties	NOUN
+or	CCONJ
+complications	NOUN
+involved	ADJ
+.	PUNCT
+
+Should	AUX
+there	PRON
+be	VERB
+a	DET
+(	PUNCT
+groan	INTJ
+)	PUNCT
+meeting	NOUN
+on	ADP
+this	PRON
+?	PUNCT
+
+Can	AUX
+you	PRON
+please	INTJ
+help	VERB
+with	ADP
+this	DET
+one	NOUN
+?	PUNCT
+
+I	PRON
+agree	VERB
+with	SCONJ
+what	PRON
+the	DET
+concern	NOUN
+is	AUX
+below	ADV
+.	PUNCT
+
+We	PRON
+have	VERB
+GIS	NOUN
+ids	NOUN
+,	PUNCT
+and	CCONJ
+Eid	NOUN
+(	PUNCT
+external	ADJ
+id	NOUN
+-	PUNCT
+just	ADV
+like	ADP
+GIS	NOUN
+id	NOUN
+)	PUNCT
+.	PUNCT
+
+I	PRON
+think	VERB
+we	PRON
+should	AUX
+try	VERB
+to	PART
+migrate	VERB
+to	ADP
+one	NUM
+of	ADP
+these	PRON
+.	PUNCT
+
+Please	INTJ
+let	VERB
+me	PRON
+know	VERB
+what	DET
+type	NOUN
+of	ADP
+statement	NOUN
+I	PRON
+should	AUX
+make	VERB
+back	ADV
+to	ADP
+the	DET
+customer	NOUN
+.	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+Kathy	PROPN
+,	PUNCT
+
+Per	ADP
+my	PRON
+voicemail	NOUN
+message	NOUN
+,	PUNCT
+please	INTJ
+review	VERB
+the	DET
+note	NOUN
+below	ADV
+.	PUNCT
+
+I	PRON
+'d	AUX
+like	VERB
+to	PART
+work	VERB
+with	ADP
+you	PRON
+on	ADP
+a	DET
+response	NOUN
+to	ADP
+this	DET
+customer	NOUN
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Brandee	PROPN
+
+Brandee	PROPN
+Sanborn	PROPN
+I.S.C.	NOUN
+Customer	NOUN
+Care	NOUN
+Design	NOUN
+&	CCONJ
+Process	NOUN
+Support	NOUN
+http://isc.enron.com/site	X
+
+<<	PUNCT
+OLE	NOUN
+Object	NOUN
+:	PUNCT
+Picture	NOUN
+(	PUNCT
+Device	NOUN
+Independent	ADJ
+Bitmap	NOUN
+)	PUNCT
+>>	PUNCT
+
+Ngoc	X
+Luan	X
+Do@ENRON_DEVELOPMENT	X
+
+08/07/2001	NUM
+12:36	NUM
+PM	NOUN
+
+To	SCONJ
+Whom	PRON
+It	PRON
+May	AUX
+Concern	VERB
+:	PUNCT
+
+Through	ADP
+TV	NOUN
+and	CCONJ
+newspapers	NOUN
+,	PUNCT
+I	PRON
+hear	VERB
+constantly	ADV
+about	ADP
+identity	NOUN
+fraud	NOUN
+using	VERB
+stolen	VERB
+social	ADJ
+security	NOUN
+information	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+very	ADV
+concerned	ADJ
+about	ADP
+this	DET
+issue	NOUN
+.	PUNCT
+
+I	PRON
+have	VERB
+the	DET
+following	VERB
+suggestion	NOUN
+for	ADP
+our	PRON
+company	NOUN
+.	PUNCT
+
+Since	SCONJ
+Enron	PROPN
+'s	PART
+employees	NOUN
+are	AUX
+assigned	VERB
+an	DET
+SAP	NOUN
+identification	NOUN
+numbers	NOUN
+(	PUNCT
+P	NOUN
+number	NOUN
+)	PUNCT
+and	CCONJ
+an	DET
+HR	NOUN
+number	NOUN
+,	PUNCT
+could	AUX
+Enron	PROPN
+as	ADP
+a	DET
+company	NOUN
+use	VERB
+these	DET
+IDs	NOUN
+instead	ADV
+of	ADP
+the	DET
+SS	NOUN
+numbers	NOUN
+?	PUNCT
+
+This	PRON
+will	AUX
+be	AUX
+safer	ADJ
+for	ADP
+all	DET
+employees	NOUN
+.	PUNCT
+
+For	ADP
+example	NOUN
+,	PUNCT
+I	PRON
+am	AUX
+concerned	ADJ
+when	ADV
+I	PRON
+buy	VERB
+the	DET
+monthly	ADJ
+bus	NOUN
+passes	NOUN
+and	CCONJ
+I	PRON
+have	VERB
+to	PART
+fill	VERB
+in	ADP
+my	PRON
+SS	NOUN
+number	NOUN
+.	PUNCT
+
+I	PRON
+do	AUX
+not	PART
+feel	VERB
+secure	ADJ
+at	ADV
+all	ADV
+to	PART
+see	VERB
+my	PRON
+SS	NOUN
+in	ADP
+so	ADV
+many	ADJ
+databases	NOUN
+at	ADP
+Enron	PROPN
+,	PUNCT
+especially	ADV
+when	ADV
+some	DET
+databases	NOUN
+are	AUX
+from	ADP
+third	ADJ
+-	PUNCT
+parties	NOUN
+(	PUNCT
+out	NOUN
+-	PUNCT
+sourcing	NOUN
+)	PUNCT
+.	PUNCT
+
+We	PRON
+could	AUX
+use	VERB
+our	PRON
+badge	NOUN
+number	NOUN
+there	ADV
+instead	ADV
+of	ADP
+our	PRON
+SS	NOUN
+.	PUNCT
+
+Please	INTJ
+let	VERB
+me	PRON
+know	VERB
+how	ADV
+your	PRON
+organization	NOUN
+can	AUX
+help	VERB
+the	DET
+Enron	PROPN
+employees	NOUN
+feel	VERB
+safer	ADJ
+about	ADP
+the	DET
+safeguard	NOUN
+of	ADP
+their	PRON
+SS	NOUN
+number	NOUN
+.	PUNCT
+
+Please	INTJ
+calendar	VERB
+and	CCONJ
+print	VERB
+for	ADP
+my	PRON
+files	NOUN
+on	ADP
+this	DET
+meeting	NOUN
+.	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+MHC	PROPN
+
+All	DET
+,	PUNCT
+
+A	DET
+reminder	NOUN
+that	SCONJ
+the	DET
+HR	NOUN
+Associate	NOUN
+Points	NOUN
+Meeting	NOUN
+will	AUX
+take	VERB
+place	NOUN
+as	ADP
+below	ADV
+:	PUNCT
+
+Thursday	PROPN
+,	PUNCT
+23rd	NOUN
+August	PROPN
+3.30	NUM
+pm	NOUN
+-	SYM
+5.30	NUM
+pm	NOUN
+(	PUNCT
+EB	PROPN
+46C1	NUM
+)	PUNCT
+.	PUNCT
+
+The	DET
+Leads	NOUN
+who	PRON
+are	AUX
+responsible	ADJ
+for	ADP
+Associates	NOUN
+are	VERB
+as	SCONJ
+follows	VERB
+:	PUNCT
+
+Sunjay	PROPN
+Arya	PROPN
+
+Gary	PROPN
+Buck	PROPN
+
+Khymberly	PROPN
+Booth	PROPN
+
+Ryan	PROPN
+Seleznov	PROPN
+
+Mecole	PROPN
+Brown	PROPN
+
+Tim	PROPN
+O'Rourke	PROPN
+
+Tana	PROPN
+Cashion	PROPN
+
+Sheila	PROPN
+Walton	PROPN
+
+Wendy	PROPN
+Fincher	PROPN
+
+Sheila	PROPN
+Knudsen	PROPN
+
+Karen	PROPN
+Phillips	PROPN
+
+Neil	PROPN
+Davies	PROPN
+
+Noel	PROPN
+Ryan	PROPN
+
+Cindy	PROPN
+Skinner	PROPN
+
+Simone	PROPN
+Scott	PROPN
+Walker	PROPN
+
+Shanna	PROPN
+Funkhouser	PROPN
+
+Peer	NOUN
+reviews	NOUN
+are	AUX
+currently	ADV
+been	AUX
+gathered	VERB
+on	ADP
+the	DET
+above	ADJ
+.	PUNCT
+
+Upon	ADP
+receipt	NOUN
+,	PUNCT
+I	PRON
+shall	AUX
+forward	VERB
+to	ADP
+each	DET
+of	ADP
+you	PRON
+a	DET
+copy	NOUN
+of	ADP
+the	DET
+reviews	NOUN
+for	ADP
+your	PRON
+respective	ADJ
+associate	NOUN
+.	PUNCT
+
+In	ADP
+addition	NOUN
+they	PRON
+will	AUX
+be	AUX
+contacting	VERB
+you	PRON
+to	PART
+discuss	VERB
+their	PRON
+participation	NOUN
+in	ADP
+projects	NOUN
+outside	ADP
+their	PRON
+rotation	NOUN
+.	PUNCT
+
+Those	PRON
+who	PRON
+are	AUX
+not	PART
+assigned	VERB
+an	DET
+associate	NOUN
+may	AUX
+also	ADV
+allocate	VERB
+points	NOUN
+(	PUNCT
+a	DET
+max	NOUN
+of	ADP
+150	NUM
+)	PUNCT
+at	ADP
+the	DET
+meeting	NOUN
+based	VERB
+on	ADP
+contribution	NOUN
+to	ADP
+your	PRON
+areas	NOUN
+for	ADP
+the	DET
+first	ADJ
+review	NOUN
+period	NOUN
+.	PUNCT
+
+If	SCONJ
+anyone	PRON
+has	VERB
+any	DET
+questions	NOUN
+on	ADP
+the	DET
+above	ADJ
+please	INTJ
+let	VERB
+me	PRON
+know	VERB
+.	PUNCT
+
+Kind	ADJ
+regards	NOUN
+,	PUNCT
+
+Karen	PROPN
+.	PUNCT
+x54667	NOUN
+
+Shanna	PROPN
+,	PUNCT
+I	PRON
+spoke	VERB
+with	ADP
+Per	PROPN
+tonight	NOUN
+about	ADP
+this	PRON
+.	PUNCT
+
+Let	VERB
+'s	PRON
+talk	VERB
+tomorrow	NOUN
+.	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+Michelle	PROPN
+
+This	PRON
+is	AUX
+the	DET
+background	NOUN
+to	ADP
+my	PRON
+conversation	NOUN
+with	ADP
+Shanna	PROPN
+.	PUNCT
+
+I	PRON
+have	VERB
+a	DET
+copy	NOUN
+of	ADP
+the	DET
+document	NOUN
+I	PRON
+can	AUX
+give	VERB
+to	ADP
+you	PRON
+tomorrow	NOUN
+.	PUNCT
+
+Thanks	NOUN
+for	SCONJ
+following	VERB
+up	ADP
+on	ADP
+this	PRON
+.	PUNCT
+
+Per	PROPN
+
+Per	PROPN
+-	PUNCT
+
+I	PRON
+did	AUX
+not	PART
+hear	VERB
+back	ADV
+from	ADP
+Shanna	PROPN
+or	CCONJ
+Sharon	PROPN
+Butcher	PROPN
+.	PUNCT
+
+Could	AUX
+you	PRON
+please	INTJ
+ask	VERB
+Shanna	PROPN
+to	PART
+take	VERB
+this	DET
+situation	NOUN
+to	ADP
+Sharon	PROPN
+tomorrow	NOUN
+?	PUNCT
+
+John	PROPN
+,	PUNCT
+Per	PROPN
+and	CCONJ
+I	PRON
+discussed	VERB
+the	DET
+hostile	ADJ
+environment	NOUN
+issue	NOUN
+and	CCONJ
+we	PRON
+are	AUX
+both	ADV
+concerned	ADJ
+that	SCONJ
+we	PRON
+may	AUX
+have	VERB
+some	DET
+repercussions	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+vacation	NOUN
+until	ADP
+the	DET
+22nd	NOUN
+but	CCONJ
+Per	PROPN
+is	AUX
+up	ADP
+to	ADP
+speed	NOUN
+and	CCONJ
+I	PRON
+would	AUX
+like	VERB
+to	PART
+make	VERB
+sure	ADJ
+that	SCONJ
+you	PRON
+keep	VERB
+up	ADP
+with	ADP
+him	PRON
+and	CCONJ
+any	DET
+HR	NOUN
+/	PUNCT
+Legal	ADJ
+activity	NOUN
+that	PRON
+may	AUX
+occur	VERB
+.	PUNCT
+
+Thank	VERB
+you	PRON
+
+Paula	PROPN
+
+Let	VERB
+'s	PRON
+discuss	VERB
+exactly	ADV
+what	PRON
+is	AUX
+involved	VERB
+here	ADV
+--	PUNCT
+confidentiality	NOUN
+,	PUNCT
+etc	X
+.	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+MHC	PROPN
+
+Hi	INTJ
+Ya'll	PRON
+,	PUNCT
+
+I	PRON
+wanted	VERB
+to	PART
+let	VERB
+you	PRON
+know	VERB
+about	ADP
+this	PRON
+before	SCONJ
+I	PRON
+respond	VERB
+to	ADP
+her	PRON
+request	NOUN
+.	PUNCT
+
+Let	VERB
+me	PRON
+know	VERB
+if	SCONJ
+you	PRON
+have	VERB
+any	DET
+questions	NOUN
+.	PUNCT
+
+Regards	NOUN
+,	PUNCT
+
+Sandra	PROPN
+
+Kathy	PROPN
+McMahon	PROPN
+suggested	VERB
+that	SCONJ
+I	PRON
+contact	VERB
+you	PRON
+in	ADP
+an	DET
+effort	NOUN
+to	PART
+gather	VERB
+information	NOUN
+on	ADP
+:	PUNCT
+Enron	PROPN
+'s	PART
+Affirmative	ADJ
+Action	NOUN
+Policy	NOUN
+and	CCONJ
+plans	NOUN
+;	PUNCT
+as	ADV
+well	ADV
+as	ADP
+demographic	ADJ
+analysis	NOUN
+of	ADP
+workforce	NOUN
+(	PUNCT
+gender	NOUN
+,	PUNCT
+age	NOUN
+,	PUNCT
+ethnic	ADJ
+origin	NOUN
+,	PUNCT
+nationality	NOUN
+)	PUNCT
+
+Jeff	PROPN
+Skilling	PROPN
+has	AUX
+agreed	VERB
+to	PART
+work	VERB
+with	ADP
+Harvard	PROPN
+Business	PROPN
+School	PROPN
+(	PUNCT
+HBS	PROPN
+)	PUNCT
+on	ADP
+a	DET
+5	NUM
+-	PUNCT
+year	NOUN
+case	NOUN
+study	NOUN
+called	VERB
+'	PUNCT
+Modern	PROPN
+Giants	PROPN
+'	PUNCT
+.	PUNCT
+
+HBS	PROPN
+will	AUX
+shadow	VERB
+Enron	PROPN
+and	CCONJ
+a	DET
+number	NOUN
+of	ADP
+other	ADJ
+companies	NOUN
+over	ADP
+the	DET
+next	ADJ
+five	NUM
+years	NOUN
+to	PART
+assess	VERB
+how	ADV
+we	PRON
+react	VERB
+to	ADP
+market	NOUN
+changes	NOUN
+and	CCONJ
+to	PART
+see	VERB
+how	ADV
+we	PRON
+morph	VERB
+during	ADP
+this	DET
+time	NOUN
+period	NOUN
+.	PUNCT
+
+Please	INTJ
+let	VERB
+me	PRON
+know	VERB
+at	ADP
+your	PRON
+earliest	ADJ
+convience	NOUN
+if	SCONJ
+you	PRON
+can	AUX
+help	VERB
+me	PRON
+.	PUNCT
+
+Regards	NOUN
+,	PUNCT
+
+Cindy	PROPN
+
+please	INTJ
+print	VERB
+all	DET
+these	DET
+for	ADP
+me	PRON
+.	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+MHC	PROPN
+
+Ryan	PROPN
+,	PUNCT
+
+Try	VERB
+this	PRON
+.	PUNCT
+
+bob	PROPN
+k	PROPN
+
+FYI	ADV
+re	ADP
+:	PUNCT
+NEPCO	PROPN
+picketing	NOUN
+issues	NOUN
+.	PUNCT
+
+Michelle	PROPN
+
+Michelle	PROPN
+,	PUNCT
+
+Two	NUM
+in	ADP
+one	NUM
+day	NOUN
+.	PUNCT
+
+We	PRON
+understand	VERB
+that	SCONJ
+the	DET
+pipe	NOUN
+fitters	NOUN
+are	AUX
+also	ADV
+planning	VERB
+to	PART
+picket	VERB
+the	DET
+Lake	PROPN
+Worth	PROPN
+,	PUNCT
+Florida	PROPN
+project	NOUN
+as	ADV
+well	ADV
+.	PUNCT
+
+Our	PRON
+execution	NOUN
+team	NOUN
+needs	VERB
+to	PART
+get	VERB
+some	DET
+guidance	NOUN
+and	CCONJ
+planning	NOUN
+for	ADP
+this	DET
+picketing	NOUN
+should	AUX
+it	PRON
+interfere	VERB
+with	ADP
+the	DET
+progress	NOUN
+of	ADP
+the	DET
+work	NOUN
+.	PUNCT
+
+In	ADP
+that	DET
+respect	NOUN
+,	PUNCT
+we	PRON
+need	VERB
+to	PART
+dial	VERB
+in	ADP
+Rick	PROPN
+Johnson	PROPN
+and	CCONJ
+Olgletree	PROPN
+to	PART
+plan	VERB
+and	CCONJ
+communicate	VERB
+that	DET
+plan	NOUN
+to	ADP
+the	DET
+execution	NOUN
+team	NOUN
+.	PUNCT
+
+I	PRON
+think	VERB
+the	DET
+first	ADJ
+step	NOUN
+is	AUX
+a	DET
+call	NOUN
+between	ADP
+yourself	PRON
+,	PUNCT
+me	PRON
+,	PUNCT
+Mark	PROPN
+Stubley	PROPN
+and	CCONJ
+Mike	PROPN
+Indivero	PROPN
+.	PUNCT
+
+And	CCONJ
+then	ADV
+another	DET
+call	NOUN
+with	ADP
+all	DET
+folks	NOUN
+or	CCONJ
+a	DET
+meeting	NOUN
+at	ADP
+the	DET
+jobsite	NOUN
+to	PART
+lay	VERB
+out	ADP
+the	DET
+plan	NOUN
+.	PUNCT
+
+Barbara	PROPN
+,	PUNCT
+please	INTJ
+organize	VERB
+a	DET
+call	NOUN
+for	ADP
+Mike	PROPN
+,	PUNCT
+Michelle	PROPN
+,	PUNCT
+Mark	PROPN
+Stubley	PROPN
+and	CCONJ
+me	PRON
+.	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+David	PROPN
+,	PUNCT
+
+I	PRON
+have	AUX
+been	AUX
+advised	VERB
+by	ADP
+our	PRON
+Construction	NOUN
+Manager	NOUN
+,	PUNCT
+Mr.	PROPN
+Joe	PROPN
+Osler	PROPN
+that	SCONJ
+while	SCONJ
+he	PRON
+was	AUX
+visiting	VERB
+the	DET
+City	PROPN
+of	ADP
+Lake	PROPN
+Worth	PROPN
+Building	PROPN
+Planning	PROPN
+and	CCONJ
+Zoning	PROPN
+dept	PROPN
+regarding	VERB
+our	PRON
+permit	NOUN
+status	NOUN
+he	PRON
+learned	VERB
+that	SCONJ
+the	DET
+pipefitters	NOUN
+have	AUX
+inquired	VERB
+about	ADP
+permit	NOUN
+requirements	NOUN
+to	PART
+picket	VERB
+our	PRON
+site	NOUN
+.	PUNCT
+
+Apparently	ADV
+the	DET
+City	NOUN
+informed	VERB
+them	PRON
+that	SCONJ
+no	DET
+permit	NOUN
+is	AUX
+required	VERB
+.	PUNCT
+
+I	PRON
+have	AUX
+heard	VERB
+that	SCONJ
+the	DET
+pipefitters	NOUN
+have	AUX
+established	VERB
+a	DET
+picket	NOUN
+line	NOUN
+at	ADP
+the	DET
+Payne	PROPN
+Creek	PROPN
+site	NOUN
+today	NOUN
+.	PUNCT
+
+We	PRON
+will	AUX
+need	VERB
+local	ADJ
+legal	ADJ
+counsel	NOUN
+to	PART
+assist	VERB
+us	PRON
+in	ADP
+this	DET
+regard	NOUN
+.	PUNCT
+
+Mike	PROPN
+Indivero	PROPN
+,	PUNCT
+I	PRON
+understand	VERB
+that	SCONJ
+Mr.	PROPN
+Mike	PROPN
+Croall	PROPN
+'s	PART
+release	NOUN
+date	NOUN
+from	ADP
+NEPCO	PROPN
+is	AUX
+Oct	PROPN
+31	NUM
+,	PUNCT
+2001	NUM
+.	PUNCT
+
+Please	INTJ
+advise	VERB
+as	ADP
+to	ADP
+who	PRON
+his	PRON
+replacement	NOUN
+is	AUX
+and	CCONJ
+their	PRON
+report	NOUN
+date	NOUN
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Galen	PROPN
+J.	PROPN
+Torneby	PROPN
+Project	NOUN
+Manager	NOUN
+National	PROPN
+Energy	PROPN
+Production	PROPN
+Corporation	PROPN
+(	PUNCT
+NEPCO	PROPN
+)	PUNCT
+11831	NUM
+North	PROPN
+Creek	PROPN
+Parkway	PROPN
+North	PROPN
+Bothell	PROPN
+,	PUNCT
+WA	PROPN
+98011	NUM
+USA	PROPN
+Tel	NOUN
+:	PUNCT
+425-415-3052	NUM
+Cell	NOUN
+:	PUNCT
+425-922-0475	NUM
+Fax	NOUN
+:	PUNCT
+425-415-3098	NUM
+email	NOUN
+:	PUNCT
+<	PUNCT
+mailto:galent@nepco.com	X
+>	PUNCT
+mailto:galen.torneby@nepco.com	X
+
+Rick	X
+Hopkinson@ENRON_DEVELOPMENT	X
+
+09/16/99	NUM
+10:07	NUM
+AM	NOUN
+
+Sara	PROPN
+,	PUNCT
+trading	NOUN
+is	AUX
+still	ADV
+not	PART
+settled	ADJ
+.	PUNCT
+
+Thank	VERB
+you	PRON
+for	ADP
+the	DET
+invitaion	NOUN
+to	ADP
+the	DET
+conference	NOUN
+call	NOUN
+.	PUNCT
+
+I	PRON
+would	AUX
+like	VERB
+both	CCONJ
+Lynn	PROPN
+and	CCONJ
+I	PRON
+to	PART
+participate	VERB
+.	PUNCT
+
+I	PRON
+assume	VERB
+we	PRON
+should	AUX
+come	VERB
+over	ADV
+EB	PROPN
+.	PUNCT
+
+Can	AUX
+you	PRON
+tell	VERB
+us	PRON
+where	ADV
+.	PUNCT
+
+Thanks	NOUN
+
+Rick	PROPN
+
+,	PUNCT
+Do	AUX
+you	PRON
+want	VERB
+us	PRON
+to	PART
+come	VERB
+over	ADV
+to	ADP
+the	DET
+Enron	PROPN
+b	NOUN
+in	ADP
+your	PRON
+call	NOUN
+.	PUNCT
+
+Could	AUX
+
+Sara	X
+Shackleton@ECT	X
+
+09/16/99	NUM
+08:55	NUM
+AM	NOUN
+
+Have	AUX
+you	PRON
+decided	VERB
+who	PRON
+will	AUX
+be	AUX
+assisting	VERB
+tax	NOUN
+-	PUNCT
+wise	ADV
+for	ADP
+these	DET
+two	NUM
+countries	NOUN
+?	PUNCT
+
+I	PRON
+have	VERB
+a	DET
+conference	NOUN
+call	NOUN
+this	DET
+afternoon	NOUN
+at	ADP
+3	NUM
+pm	NOUN
+(	PUNCT
+Houston	PROPN
+time	NOUN
+)	PUNCT
+with	ADP
+Antonio	PROPN
+Felix	PROPN
+de	PROPN
+Araujo	PROPN
+Cintra	PROPN
+from	ADP
+the	DET
+Tozzini	PROPN
+firm	NOUN
+regarding	VERB
+further	ADJ
+research	NOUN
+on	ADP
+derivative	ADJ
+products	NOUN
+for	SCONJ
+trading	VERB
+in	ADP
+Brazil	PROPN
+.	PUNCT
+
+Attached	VERB
+is	AUX
+a	DET
+summary	NOUN
+of	ADP
+products	NOUN
+and	CCONJ
+the	DET
+various	ADJ
+Enron	PROPN
+groups	NOUN
+seeking	VERB
+answers	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+would	AUX
+like	VERB
+to	PART
+participate	VERB
+in	ADP
+person	NOUN
+or	CCONJ
+by	ADP
+conference	NOUN
+,	PUNCT
+please	INTJ
+let	VERB
+me	PRON
+know	VERB
+.	PUNCT
+
+I	PRON
+will	AUX
+be	AUX
+in	ADP
+Sao	PROPN
+Paulo	PROPN
+from	ADP
+Sept	PROPN
+20	NUM
+-	SYM
+22	NUM
+and	CCONJ
+Buenos	PROPN
+Aires	PROPN
+from	ADP
+Sept	PROPN
+23	NUM
+-	SYM
+24	NUM
+.	PUNCT
+
+In	ADP
+Brazil	PROPN
+,	PUNCT
+I	PRON
+will	AUX
+be	AUX
+meeting	VERB
+again	ADV
+with	ADP
+Tozzini	PROPN
+lawyers	NOUN
+.	PUNCT
+
+In	ADP
+BA	PROPN
+,	PUNCT
+I	PRON
+'ll	AUX
+be	AUX
+meeting	VERB
+with	ADP
+Marval	PROPN
+lawyers	NOUN
+.	PUNCT
+
+Let	VERB
+me	PRON
+know	VERB
+if	SCONJ
+you	PRON
+would	AUX
+like	VERB
+to	PART
+participate	VERB
+in	ADP
+any	DET
+way	NOUN
+.	PUNCT
+
+Sara	PROPN
+
+please	INTJ
+try	VERB
+to	PART
+verify	VERB
+.	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+Sara	PROPN
+
+Sara	PROPN
+Shackleton	PROPN
+
+09/16/99	NUM
+10:16	NUM
+AM	NOUN
+
+How	ADV
+about	ADP
+Friday	PROPN
+,	PUNCT
+Sept.	PROPN
+17	NUM
+,	PUNCT
+at	ADP
+9	NUM
+am	NOUN
+(	PUNCT
+Houston	PROPN
+time	NOUN
+)	PUNCT
+which	PRON
+is	AUX
+11	NUM
+am	NOUN
+(	PUNCT
+Sao	PROPN
+Paulo	PROPN
+)	PUNCT
+time	NOUN
+?	PUNCT
+
+Please	INTJ
+advise	VERB
+.	PUNCT
+
+Sara	PROPN
+
+___________________________________________	SYM
+
+Warning	NOUN
+
+NOTICE	NOUN
+:	PUNCT
+This	DET
+message	NOUN
+is	AUX
+confidential	ADJ
+.	PUNCT
+
+If	SCONJ
+you	PRON
+have	AUX
+received	VERB
+it	PRON
+by	ADP
+mistake	NOUN
+please	INTJ
+let	VERB
+us	PRON
+know	VERB
+by	ADP
+reply	NOUN
+and	CCONJ
+then	ADV
+delete	VERB
+it	PRON
+from	ADP
+your	PRON
+system	NOUN
+;	PUNCT
+you	PRON
+should	AUX
+not	PART
+copy	VERB
+this	DET
+message	NOUN
+or	CCONJ
+disclose	VERB
+its	PRON
+contents	NOUN
+to	ADP
+anyone	PRON
+.	PUNCT
+
+Thank	VERB
+you	PRON
+.	PUNCT
+
+-	PUNCT
+Em-enro2.doc	NOUN
+
+The	DET
+call	NOUN
+was	AUX
+cancelled	VERB
+.	PUNCT
+
+I	PRON
+am	AUX
+waiting	VERB
+to	PART
+hear	VERB
+about	ADP
+a	DET
+possible	ADJ
+call	NOUN
+Friday	PROPN
+morning	NOUN
+.	PUNCT
+
+Sara	PROPN
+
+Andrea	X
+Bertone@ENRON_DEVELOPMENT	X
+
+09/15/99	NUM
+04:41	NUM
+PM	NOUN
+
+Yes	INTJ
+.	PUNCT
+
+If	SCONJ
+something	PRON
+happens	VERB
+that	ADV
+I	PRON
+'m	AUX
+not	ADV
+able	ADJ
+to	PART
+participate	VERB
+I	PRON
+'ll	AUX
+let	VERB
+you	PRON
+know	VERB
+.	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+Sara	X
+Shackleton@ECT	X
+
+09/15/99	NUM
+08:15	NUM
+PM	NOUN
+
+This	DET
+call	NOUN
+has	AUX
+been	AUX
+changed	VERB
+to	ADP
+3	NUM
+pm	NOUN
+(	PUNCT
+Houston	PROPN
+time	NOUN
+)	PUNCT
+which	PRON
+is	AUX
+5	NUM
+pm	NOUN
+(	PUNCT
+Sao	PROPN
+Paulo	PROPN
+time	NOUN
+)	PUNCT
+.	PUNCT
+
+Please	INTJ
+let	VERB
+me	PRON
+know	VERB
+if	SCONJ
+you	PRON
+would	AUX
+like	VERB
+for	SCONJ
+me	PRON
+to	PART
+conference	VERB
+you	PRON
+in	ADV
+.	PUNCT
+
+Sara	PROPN
+
+The	DET
+draft	NOUN
+you	PRON
+received	VERB
+has	AUX
+been	AUX
+approved	VERB
+by	ADP
+Dan	PROPN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+would	AUX
+like	VERB
+this	PRON
+executed	VERB
+,	PUNCT
+please	INTJ
+let	VERB
+me	PRON
+know	VERB
+.	PUNCT
+
+Sara	PROPN
+
+Daniel	X
+R	X
+Castagnola@ENRON_DEVELOPMENT	X
+
+05/17/99	NUM
+01:47	NUM
+PM	NOUN
+
+Sara	PROPN
+:	PUNCT
+
+Looks	VERB
+good	ADJ
+.	PUNCT
+
+Dan	PROPN
+
+Sara	X
+Shackleton@ECT	X
+
+05/17/99	NUM
+11:23	NUM
+AM	NOUN
+
+Dan	PROPN
+:	PUNCT
+please	INTJ
+see	VERB
+if	SCONJ
+the	DET
+attached	VERB
+draft	NOUN
+works	VERB
+.	PUNCT
+
+My	PRON
+extension	NOUN
+is	AUX
+35620	NUM
+.	PUNCT
+
+Sara	PROPN
+
+As	ADP
+a	DET
+result	NOUN
+of	ADP
+our	PRON
+luncheon	NOUN
+with	ADP
+the	DET
+confirm	NOUN
+desk	NOUN
+yesterday	NOUN
+,	PUNCT
+could	AUX
+someone	PRON
+develop	VERB
+a	DET
+comprehensive	ADJ
+list	NOUN
+identifying	VERB
+all	DET
+omnibus	NOUN
+attachments	NOUN
+?	PUNCT
+
+If	SCONJ
+you	PRON
+think	VERB
+any	DET
+other	ADJ
+pertinent	ADJ
+information	NOUN
+could	AUX
+be	AUX
+included	VERB
+,	PUNCT
+please	INTJ
+feel	VERB
+free	ADJ
+to	PART
+add	VERB
+it	PRON
+.	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+Sara	PROPN
+
+I	PRON
+e-mailed	VERB
+your	PRON
+assistant	NOUN
+earlier	ADV
+this	DET
+morning	NOUN
+and	CCONJ
+have	AUX
+had	VERB
+no	DET
+response	NOUN
+.	PUNCT
+
+Can	AUX
+we	PRON
+reschedule	VERB
+the	DET
+phone	NOUN
+call	NOUN
+for	ADP
+9	NUM
+am	NOUN
+(	PUNCT
+Houston	PROPN
+)	PUNCT
+which	PRON
+is	AUX
+11	NUM
+am	NOUN
+(	PUNCT
+Sao	PROPN
+Paulo	PROPN
+)	PUNCT
+on	ADP
+Friday	PROPN
+,	PUNCT
+Sept.	PROPN
+17	NUM
+?	PUNCT
+
+Please	INTJ
+advise	VERB
+.	PUNCT
+
+Sara	PROPN
+
+The	DET
+conference	NOUN
+call	NOUN
+has	AUX
+been	AUX
+rescheduled	VERB
+for	ADP
+Friday	PROPN
+,	PUNCT
+Sept.	PROPN
+17	NUM
+at	ADP
+9	NUM
+am	NOUN
+(	PUNCT
+Houston	PROPN
+)	PUNCT
+which	PRON
+is	AUX
+11	NUM
+am	NOUN
+(	PUNCT
+Sao	PROPN
+Paulo	PROPN
+)	PUNCT
+.	PUNCT
+
+I	PRON
+will	AUX
+initiate	VERB
+the	DET
+call	NOUN
+.	PUNCT
+
+If	SCONJ
+anyone	PRON
+would	AUX
+like	VERB
+to	PART
+be	AUX
+conferenced	VERB
+in	ADV
+or	CCONJ
+attend	VERB
+in	ADP
+person	NOUN
+,	PUNCT
+please	INTJ
+let	VERB
+me	PRON
+know	VERB
+.	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+Sara	PROPN
+
+I	PRON
+am	AUX
+forwarding	VERB
+to	ADP
+you	PRON
+guidelines	NOUN
+prepared	VERB
+for	ADP
+global	ADJ
+products	NOUN
+trading	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+a	DET
+good	ADJ
+starting	NOUN
+point	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+currently	ADV
+working	VERB
+on	ADP
+guidelines	NOUN
+for	ADP
+Argentina	PROPN
+which	PRON
+will	AUX
+address	VERB
+both	CCONJ
+physical	ADJ
+and	CCONJ
+financial	ADJ
+trading	NOUN
+.	PUNCT
+
+Other	ADJ
+"	PUNCT
+guidelines	NOUN
+"	PUNCT
+exist	VERB
+in	ADP
+limited	ADJ
+form	NOUN
+for	ADP
+the	DET
+remote	ADJ
+offices	NOUN
+in	ADP
+Singapore	PROPN
+and	CCONJ
+Australia	PROPN
+.	PUNCT
+
+I	PRON
+am	AUX
+checking	VERB
+on	ADP
+London	PROPN
+.	PUNCT
+
+I	PRON
+'m	AUX
+not	PART
+exactly	ADV
+certain	ADJ
+as	ADP
+to	SCONJ
+what	PRON
+you	PRON
+are	AUX
+looking	VERB
+for	ADP
+.	PUNCT
+
+Obviously	ADV
+the	DET
+foreign	ADJ
+offices	NOUN
+have	VERB
+issues	NOUN
+that	PRON
+may	AUX
+not	PART
+apply	VERB
+in	ADP
+the	DET
+US	PROPN
+(	PUNCT
+although	SCONJ
+LA.	PROPN
+is	AUX
+about	ADV
+as	ADV
+close	ADJ
+as	SCONJ
+you	PRON
+can	AUX
+get	VERB
+to	ADP
+a	DET
+third	ADJ
+world	NOUN
+country	NOUN
+)	PUNCT
+.	PUNCT
+
+One	NUM
+thing	NOUN
+that	PRON
+does	AUX
+n't	PART
+show	VERB
+up	ADP
+in	ADP
+the	DET
+attachment	NOUN
+is	AUX
+the	DET
+swap	NOUN
+eligibility	NOUN
+issue	NOUN
+.	PUNCT
+
+Let	VERB
+me	PRON
+know	VERB
+how	ADV
+I	PRON
+can	AUX
+help	VERB
+further	ADV
+.	PUNCT
+
+Sara	PROPN
+
+Janice	PROPN
+Moore	PROPN
+
+09/03/99	NUM
+01:57	NUM
+PM	NOUN
+
+Here	ADV
+it	PRON
+is	AUX
+--	PUNCT
+we	PRON
+printed	VERB
+this	PRON
+2	NUM
+-	PUNCT
+sided	ADJ
+and	CCONJ
+laminated	VERB
+it	PRON
+.	PUNCT
+
+Becky	PROPN
+will	AUX
+bring	VERB
+you	PRON
+the	DET
+hard	ADJ
+copy	NOUN
+version	NOUN
+.	PUNCT
+
+Lunch	NOUN
+date	NOUN
+later	ADV
+.	PUNCT
+
+see	VERB
+below	ADV
+.	PUNCT
+
+It	PRON
+looks	VERB
+like	SCONJ
+the	DET
+2	NUM
+-	PUNCT
+day	NOUN
+L/C	NOUN
+issue	NOUN
+is	AUX
+an	DET
+issue	NOUN
+.	PUNCT
+
+I	PRON
+'ll	AUX
+call	VERB
+you	PRON
+shortly	ADV
+.	PUNCT
+
+Joseph	PROPN
+Manogue	PROPN
+at	ADP
+Tiger	PROPN
+called	VERB
+me	PRON
+last	ADJ
+night	NOUN
+to	PART
+say	VERB
+he	PRON
+had	AUX
+finally	ADV
+reviewed	VERB
+the	DET
+draft	NOUN
+ISDA	NOUN
+doc	NOUN
+with	SCONJ
+all	DET
+agreed	VERB
+changes	NOUN
+put	VERB
+in	ADP
+and	CCONJ
+lined	VERB
+from	ADP
+original	NOUN
+.	PUNCT
+
+He	PRON
+faxed	VERB
+it	PRON
+to	ADP
+you	PRON
+and	CCONJ
+will	AUX
+have	VERB
+the	DET
+original	ADJ
+Fedexed	VERB
+overnight	ADV
+.	PUNCT
+
+Hope	VERB
+you	PRON
+'ll	AUX
+have	VERB
+time	NOUN
+to	PART
+review	VERB
+it	PRON
+today	NOUN
+.	PUNCT
+
+S&S	NOUN
+has	AUX
+again	ADV
+asked	VERB
+about	ADP
+the	DET
+gtee	NOUN
+and	CCONJ
+l/c	NOUN
+wording	NOUN
+.	PUNCT
+
+They	PRON
+do	AUX
+not	PART
+have	VERB
+anything	PRON
+from	ADP
+us	PRON
+in	ADP
+writing	NOUN
+confirming	VERB
+the	DET
+agreed	VERB
+changes	NOUN
+.	PUNCT
+
+Joe	PROPN
+asked	VERB
+that	SCONJ
+you	PRON
+fax	VERB
+the	DET
+revised	VERB
+gtee	NOUN
+wording	NOUN
+that	PRON
+has	AUX
+been	AUX
+agreed	VERB
+(	PUNCT
+I	PRON
+believe	VERB
+it	PRON
+was	AUX
+our	PRON
+agreeing	VERB
+to	PART
+reduce	VERB
+the	DET
+claim	NOUN
+period	NOUN
+from	ADP
+15	NUM
+days	NOUN
+down	ADV
+to	ADP
+5	NUM
+)	PUNCT
+and	CCONJ
+the	DET
+new	ADJ
+l/c	NOUN
+wording	NOUN
+(	PUNCT
+drops	VERB
+the	DET
+2	NUM
+day	NOUN
+period	NOUN
+to	PART
+replace	VERB
+an	DET
+l/c	NOUN
+with	ADP
+a	DET
+different	ADJ
+bank	NOUN
+if	SCONJ
+the	DET
+first	ADJ
+refuses	VERB
+to	PART
+pay	VERB
+)	PUNCT
+.	PUNCT
+
+I	PRON
+know	VERB
+we	PRON
+talked	VERB
+about	ADP
+these	DET
+issues	NOUN
+earlier	ADV
+,	PUNCT
+but	CCONJ
+Tiger	PROPN
+'s	PART
+lawyers	NOUN
+want	VERB
+to	PART
+get	VERB
+everything	PRON
+agreed	VERB
+in	ADP
+writing	NOUN
+now	ADV
+so	SCONJ
+final	ADJ
+docs	NOUN
+can	AUX
+be	AUX
+issued	VERB
+for	ADP
+signing	NOUN
+,	PUNCT
+even	ADV
+if	SCONJ
+we	PRON
+are	AUX
+the	DET
+one's	NOUN
+issuing	VERB
+the	DET
+gtee	NOUN
+and	CCONJ
+l/c	NOUN
+.	PUNCT
+
+Thanks	NOUN
+!	PUNCT
+
+Call	VERB
+if	SCONJ
+you	PRON
+have	VERB
+questions	NOUN
+or	CCONJ
+if	SCONJ
+I	PRON
+can	AUX
+be	AUX
+of	ADP
+any	DET
+help	NOUN
+.	PUNCT
+
+There	PRON
+is	VERB
+an	DET
+outside	ADJ
+chance	NOUN
+we	PRON
+could	AUX
+have	VERB
+everything	PRON
+set	ADJ
+to	PART
+go	VERB
+this	DET
+week	NOUN
+.	PUNCT
+
+With	ADP
+best	ADJ
+regards	NOUN
+,	PUNCT
+
+Per	PROPN
+
+Hi	INTJ
+back	ADV
+!	PUNCT
+
+and	CCONJ
+Happy	ADJ
+New	PROPN
+Year	PROPN
+too	ADV
+!	PUNCT
+
+To	ADP
+what	PRON
+do	AUX
+I	PRON
+owe	VERB
+this	DET
+small	ADJ
+pleasure	NOUN
+?	PUNCT
+
+I	PRON
+'m	AUX
+fine	ADJ
+in	ADP
+Texas	PROPN
+,	PUNCT
+still	ADV
+hanging	VERB
+out	ADP
+with	ADP
+Phoebe	PROPN
+and	CCONJ
+Chloe	PROPN
+,	PUNCT
+working	VERB
+hard	ADV
+,	PUNCT
+etc	X
+.	PUNCT
+
+Where	ADV
+are	AUX
+you	PRON
+living	VERB
+these	DET
+days	NOUN
+?	PUNCT
+
+N.O.	PROPN
+?	PUNCT
+Atlanta	PROPN
+?	PUNCT
+
+Memphis	PROPN
+?	PUNCT
+
+Eleuthra	PROPN
+?	PUNCT
+
+St.	PROPN
+Petersburg	PROPN
+?	PUNCT
+
+Amelia	PROPN
+Island	PROPN
+Plantation	PROPN
+?	PUNCT
+
+I	PRON
+'ve	AUX
+simply	ADV
+lost	VERB
+track	NOUN
+!	PUNCT
+
+As	ADP
+for	ADP
+me	PRON
+,	PUNCT
+well	INTJ
+,	PUNCT
+I	PRON
+lead	VERB
+the	DET
+simple	ADJ
+life	NOUN
+,	PUNCT
+own	VERB
+a	DET
+little	ADJ
+house	NOUN
+in	ADP
+West	PROPN
+University	PROPN
+,	PUNCT
+own	VERB
+a	DET
+little	ADJ
+car	NOUN
+(	PUNCT
+I	PRON
+had	VERB
+to	PART
+buy	VERB
+a	DET
+new	ADJ
+one	NOUN
+recently	ADV
+-	PUNCT
+the	DET
+14	NUM
+-	PUNCT
+year	NOUN
+old	ADJ
+380	PROPN
+SE	PROPN
+started	VERB
+scaring	VERB
+me	PRON
+a	DET
+bit	NOUN
+)	PUNCT
+,	PUNCT
+you	PRON
+know	VERB
+,	PUNCT
+the	DET
+usual	ADJ
+.	PUNCT
+
+Are	AUX
+you	PRON
+selling	VERB
+burgers	NOUN
+up	ADP
+and	CCONJ
+down	ADP
+the	DET
+east	ADJ
+coast	NOUN
+?	PUNCT
+
+Have	AUX
+you	PRON
+gone	VERB
+international	ADJ
+?	PUNCT
+
+In	ADP
+a	DET
+new	ADJ
+franchise	NOUN
+business	NOUN
+?	PUNCT
+
+How	ADV
+'s	AUX
+your	PRON
+family	NOUN
+?	PUNCT
+
+Got	VERB
+to	PART
+get	VERB
+back	ADV
+to	ADP
+work	NOUN
+!	PUNCT
+
+This	DET
+weekend	NOUN
+I	PRON
+'m	AUX
+off	ADP
+to	ADP
+Sao	PROPN
+Paulo	PROPN
+and	CCONJ
+Buenos	PROPN
+Aires	PROPN
+on	ADP
+business	NOUN
+.	PUNCT
+
+SARA	PROPN
+
+SamChawk@aol.com	X
+on	ADP
+09/11/99	NUM
+07:48:44	NUM
+PM	NOUN
+
+Sara	PROPN
+-	PUNCT
+
+Happy	ADJ
+New	PROPN
+Year	PROPN
+,	PUNCT
+stranger	NOUN
+!	PUNCT
+
+Hope	VERB
+all	DET
+is	AUX
+well	ADJ
+.	PUNCT
+
+Do	AUX
+you	PRON
+miss	VERB
+me	PRON
+?	PUNCT
+
+SAM	PROPN
+
+Mark	PROPN
+Elliott	PROPN
+tells	VERB
+me	PRON
+that	SCONJ
+you	PRON
+drafted	VERB
+some	DET
+trader	NOUN
+guidelines	NOUN
+(	PUNCT
+physical	ADJ
+and	CCONJ
+financial	ADJ
+)	PUNCT
+for	ADP
+the	DET
+London	PROPN
+traders	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+trying	VERB
+to	PART
+develop	VERB
+similar	ADJ
+guidelines	NOUN
+for	ADP
+the	DET
+Southern	PROPN
+Cone	PROPN
+regions	NOUN
+(	PUNCT
+first	ADV
+Argentina	PROPN
+)	PUNCT
+and	CCONJ
+thought	VERB
+your	PRON
+expertise	NOUN
+would	AUX
+be	AUX
+very	ADV
+helpful	ADJ
+.	PUNCT
+
+Could	AUX
+you	PRON
+send	VERB
+me	PRON
+a	DET
+set	NOUN
+?	PUNCT
+
+I	PRON
+'m	AUX
+leaving	VERB
+for	ADP
+Sao	PROPN
+Paulo	PROPN
+on	ADP
+Saturday	PROPN
+but	CCONJ
+I	PRON
+will	AUX
+be	AUX
+in	ADP
+the	DET
+office	NOUN
+tomorrow	NOUN
+.	PUNCT
+
+Thank	VERB
+you	PRON
+for	ADP
+your	PRON
+help	NOUN
+.	PUNCT
+
+Regards	NOUN
+.	PUNCT
+
+Sara	PROPN
+
+(	PUNCT
+if	SCONJ
+.....	PUNCT
+)	PUNCT
+(	PUNCT
+iii	X
+)	PUNCT
+definitive	ADJ
+agreements	NOUN
+acceptable	ADJ
+to	ADP
+Party	NOUN
+A	NOUN
+in	ADP
+its	PRON
+sole	ADJ
+discretion	NOUN
+regarding	VERB
+the	DET
+debt	NOUN
+and	CCONJ
+all	DET
+other	ADJ
+aspects	NOUN
+of	ADP
+[	PUNCT
+the	DET
+project	NOUN
+to	PART
+be	AUX
+owned	VERB
+by	ADP
+Party	NOUN
+B	NOUN
+]	PUNCT
+,	PUNCT
+including	VERB
+but	CCONJ
+not	PART
+limited	VERB
+to	ADP
+the	DET
+senior	ADJ
+debt	NOUN
+facility	NOUN
+,	PUNCT
+commitments	NOUN
+and	CCONJ
+all	DET
+project	NOUN
+documents	NOUN
+,	PUNCT
+have	AUX
+been	AUX
+fully	ADV
+negotiated	VERB
+and	CCONJ
+executed	VERB
+and	CCONJ
+the	DET
+[	PUNCT
+project	NOUN
+]	PUNCT
+has	AUX
+been	AUX
+brought	VERB
+to	ADP
+financial	ADJ
+close	NOUN
+.	PUNCT
+
+fyi	ADV
+
+Robert	PROPN
+Quick	PROPN
+
+09/17/99	NUM
+04:50	NUM
+AM	NOUN
+
+Sara	PROPN
+,	PUNCT
+here	ADV
+are	AUX
+the	DET
+trader	NOUN
+guidelines	NOUN
+I	PRON
+developed	VERB
+for	ADP
+UK	PROPN
+gas	PROPN
+,	PUNCT
+UK	PROPN
+power	PROPN
+and	CCONJ
+Nordic	PROPN
+power	PROPN
+.	PUNCT
+
+I	PRON
+assume	VERB
+you	PRON
+need	VERB
+both	CCONJ
+gas	NOUN
+and	CCONJ
+power	NOUN
+.	PUNCT
+
+These	PRON
+are	AUX
+to	ADP
+some	DET
+extent	NOUN
+country	NOUN
+or	CCONJ
+market	NOUN
+specific	ADJ
+.	PUNCT
+
+As	SCONJ
+these	DET
+guidelines	NOUN
+need	VERB
+to	PART
+be	AUX
+approved	VERB
+by	ADP
+Houston	PROPN
+,	PUNCT
+I	PRON
+am	AUX
+copying	VERB
+this	PRON
+to	ADP
+Mark	PROPN
+,	PUNCT
+Alan	PROPN
+and	CCONJ
+Jeff	PROPN
+.	PUNCT
+
+tks	NOUN
+
+Sara	PROPN
+Shackleton	PROPN
+
+09/16/99	NUM
+09:48	NUM
+PM	NOUN
+
+Mark	PROPN
+Elliott	PROPN
+tells	VERB
+me	PRON
+that	SCONJ
+you	PRON
+drafted	VERB
+some	DET
+trader	NOUN
+guidelines	NOUN
+(	PUNCT
+physical	ADJ
+and	CCONJ
+financial	ADJ
+)	PUNCT
+for	ADP
+the	DET
+London	PROPN
+traders	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+trying	VERB
+to	PART
+develop	VERB
+similar	ADJ
+guidelines	NOUN
+for	ADP
+the	DET
+Southern	PROPN
+Cone	PROPN
+regions	NOUN
+(	PUNCT
+first	ADV
+Argentina	PROPN
+)	PUNCT
+and	CCONJ
+thought	VERB
+your	PRON
+expertise	NOUN
+would	AUX
+be	AUX
+very	ADV
+helpful	ADJ
+.	PUNCT
+
+Could	AUX
+you	PRON
+send	VERB
+me	PRON
+a	DET
+set	NOUN
+?	PUNCT
+
+I	PRON
+'m	AUX
+leaving	VERB
+for	ADP
+Sao	PROPN
+Paulo	PROPN
+on	ADP
+Saturday	PROPN
+but	CCONJ
+I	PRON
+will	AUX
+be	AUX
+in	ADP
+the	DET
+office	NOUN
+tomorrow	NOUN
+.	PUNCT
+
+Thank	VERB
+you	PRON
+for	ADP
+your	PRON
+help	NOUN
+.	PUNCT
+
+Regards	NOUN
+.	PUNCT
+
+Sara	PROPN
+
+Please	INTJ
+review	VERB
+the	DET
+attached	VERB
+memo	NOUN
+to	PART
+verify	VERB
+that	SCONJ
+I	PRON
+have	AUX
+identified	VERB
+all	DET
+of	ADP
+the	DET
+products	NOUN
+that	PRON
+you	PRON
+are	AUX
+interested	ADJ
+in	SCONJ
+trading	VERB
+in	ADP
+Brazil	PROPN
+.	PUNCT
+
+I	PRON
+will	AUX
+be	AUX
+in	ADP
+Sao	PROPN
+Paulo	PROPN
+on	ADP
+Monday	PROPN
+,	PUNCT
+September	PROPN
+20	NUM
+,	PUNCT
+1999	NUM
+.	PUNCT
+
+Thank	VERB
+you	PRON
+,	PUNCT
+
+Sara	PROPN
+
+JMB	PROPN
+<	PUNCT
+JBennett@GMSSR.com	X
+>	PUNCT
+
+12/22/2000	NUM
+06:28	NUM
+PM	NOUN
+
+Parties	NOUN
+,	PUNCT
+attached	VERB
+is	AUX
+the	DET
+promised	VERB
+ruling	NOUN
+that	PRON
+provides	VERB
+procedural	ADJ
+guidance	NOUN
+for	ADP
+the	DET
+hearings	NOUN
+on	ADP
+12/27	NUM
+and	CCONJ
+12/28	NUM
+.	PUNCT
+
+The	DET
+ruling	NOUN
+will	AUX
+also	ADV
+be	AUX
+posted	VERB
+on	ADP
+the	DET
+web	NOUN
+site	NOUN
+as	ADV
+quickly	ADV
+as	SCONJ
+possible	ADJ
+.	PUNCT
+
+Thank	VERB
+you	PRON
+for	ADP
+your	PRON
+patience	NOUN
+and	CCONJ
+I	PRON
+hope	VERB
+you	PRON
+can	AUX
+take	VERB
+a	DET
+few	ADJ
+moments	NOUN
+to	PART
+enjoy	VERB
+the	DET
+holidays	NOUN
+.	PUNCT
+
+--	PUNCT
+Angela	PROPN
+Minkin	PROPN
+Administrative	ADJ
+Law	NOUN
+Judge	NOUN
+
+<<	PUNCT
+1%P701!.doc	SYM
+>>	PUNCT
+
+Note	VERB
+that	SCONJ
+this	DET
+communication	NOUN
+is	AUX
+confidential	ADJ
+,	PUNCT
+covered	VERB
+by	ADP
+CA	PROPN
+'s	PART
+settlement	NOUN
+rules	NOUN
+.	PUNCT
+
+"	PUNCT
+Lindh	PROPN
+,	PUNCT
+Frank	PROPN
+(	PUNCT
+Law	PROPN
+)	PUNCT
+"	PUNCT
+<	PUNCT
+FRL3@pge.com	X
+>	PUNCT
+
+12/21/2000	NUM
+07:50	NUM
+PM	NOUN
+
+Confidential	ADJ
+Settlement	NOUN
+Document	NOUN
+Per	ADP
+CPUC	PROPN
+Rule	NOUN
+51	NUM
+
+Gas	NOUN
+Accord	NOUN
+II	NUM
+Settlement	NOUN
+Participants	NOUN
+:	PUNCT
+
+Attached	VERB
+is	AUX
+PG&E	PROPN
+'s	PART
+Gas	NOUN
+Accord	NOUN
+II	NUM
+(	PUNCT
+GA	NOUN
+II	NUM
+)	PUNCT
+Settlement	NOUN
+Proposal	NOUN
+.	PUNCT
+
+We	PRON
+believe	VERB
+it	PRON
+addresses	VERB
+many	ADJ
+of	ADP
+the	DET
+issues	NOUN
+and	CCONJ
+concerns	NOUN
+you	PRON
+have	AUX
+raised	VERB
+in	ADP
+the	DET
+workshops	NOUN
+.	PUNCT
+
+As	ADP
+an	DET
+overview	NOUN
+,	PUNCT
+this	DET
+proposal	NOUN
+:	PUNCT
+*	PUNCT
+Maintains	VERB
+the	DET
+basic	ADJ
+Gas	NOUN
+Accord	NOUN
+structure	NOUN
+in	ADP
+place	NOUN
+today	NOUN
+for	ADP
+the	DET
+period	NOUN
+2003	NUM
+to	ADP
+2007	NUM
+.	PUNCT
+*	PUNCT
+
+*	PUNCT
+Offers	VERB
+end	NOUN
+user	NOUN
+transportation	NOUN
+rates	NOUN
+for	ADP
+2003	NUM
+lower	ADJ
+for	ADP
+most	ADJ
+customers	NOUN
+than	ADP
+rates	NOUN
+in	ADP
+effect	NOUN
+today	NOUN
+.	PUNCT
+*	PUNCT
+
+*	PUNCT
+Provides	VERB
+for	ADP
+vintaged	VERB
+Redwood	NOUN
+path	NOUN
+rates	NOUN
+for	ADP
+core	NOUN
+customers	NOUN
+.	PUNCT
+*	PUNCT
+
+*	PUNCT
+Offers	VERB
+a	DET
+7.5	NUM
+cent	NOUN
+/	SYM
+dth	ADJ
+rate	NOUN
+to	ADP
+large	ADJ
+customers	NOUN
+while	SCONJ
+minimizing	VERB
+rate	NOUN
+changes	NOUN
+to	ADP
+other	ADJ
+customers	NOUN
+,	PUNCT
+minimizing	VERB
+the	DET
+incentive	NOUN
+for	SCONJ
+these	DET
+customers	NOUN
+to	PART
+seek	VERB
+to	PART
+bypass	VERB
+local	ADJ
+transmission	NOUN
+charges	NOUN
+and	CCONJ
+other	ADJ
+CPUC	PROPN
+-	PUNCT
+approved	VERB
+charges	NOUN
+.	PUNCT
+*	PUNCT
+
+*	PUNCT
+Adopts	VERB
+guidelines	NOUN
+to	PART
+improve	VERB
+reliability	NOUN
+and	CCONJ
+help	VERB
+moderate	VERB
+prices	NOUN
+in	ADP
+gas	NOUN
+commodity	NOUN
+markets	NOUN
+,	PUNCT
+and	CCONJ
+identifies	VERB
+the	DET
+capital	NOUN
+projects	NOUN
+needed	VERB
+to	PART
+meet	VERB
+these	DET
+guidelines	NOUN
+over	ADP
+the	DET
+course	NOUN
+of	ADP
+the	DET
+GA	NOUN
+II	NUM
+period	NOUN
+(	PUNCT
+2003	NUM
+-	SYM
+2007	NUM
+)	PUNCT
+.	PUNCT
+*	PUNCT
+
+*	PUNCT
+Provides	VERB
+a	DET
+high	ADJ
+degree	NOUN
+of	ADP
+rate	NOUN
+stability	NOUN
+,	PUNCT
+with	ADP
+a	DET
+3.5	NUM
+%	SYM
+escalator	NOUN
+to	PART
+capture	VERB
+both	CCONJ
+inflation	NOUN
+and	CCONJ
+the	DET
+cost	NOUN
+of	ADP
+needed	VERB
+capital	NOUN
+projects	NOUN
+.	PUNCT
+
+The	DET
+guaranteed	VERB
+rates	NOUN
+will	AUX
+be	AUX
+adjustable	ADJ
+only	ADV
+for	ADP
+significant	ADJ
+changes	NOUN
+in	ADP
+the	DET
+cost	NOUN
+of	ADP
+capital	NOUN
+or	CCONJ
+increased	VERB
+costs	NOUN
+due	ADP
+to	ADP
+governmental	ADJ
+requirements	NOUN
+or	CCONJ
+catastrophic	ADJ
+events	NOUN
+.	PUNCT
+*	PUNCT
+
+*	PUNCT
+Preserves	VERB
+a	DET
+rate	NOUN
+differential	NOUN
+between	ADP
+the	DET
+Redwood	NOUN
+and	CCONJ
+Baja	NOUN
+paths	NOUN
+,	PUNCT
+although	SCONJ
+somewhat	ADV
+less	ADJ
+than	ADP
+the	DET
+current	ADJ
+differential	NOUN
+.	PUNCT
+*	PUNCT
+
+*	PUNCT
+Proposes	VERB
+a	DET
+two	NUM
+-	PUNCT
+stage	NOUN
+open	ADJ
+season	NOUN
+for	ADP
+firm	NOUN
+transportation	NOUN
+services	NOUN
+beginning	VERB
+in	ADP
+2003	NUM
+,	PUNCT
+with	SCONJ
+end	NOUN
+users	NOUN
+receiving	VERB
+a	DET
+first	ADJ
+option	NOUN
+on	ADP
+available	ADJ
+capacity	NOUN
+.	PUNCT
+*	PUNCT
+
+*	PUNCT
+Maintains	VERB
+the	DET
+core	NOUN
+aggregation	NOUN
+program	NOUN
+with	ADP
+some	DET
+adjustments	NOUN
+.	PUNCT
+
+PG&E	PROPN
+also	ADV
+anticipates	VERB
+that	SCONJ
+the	DET
+Core	NOUN
+Procurement	NOUN
+Incentive	NOUN
+Mechanism	NOUN
+(	PUNCT
+CPIM	NOUN
+)	PUNCT
+will	AUX
+be	AUX
+similar	ADJ
+to	ADP
+today	NOUN
+'s	PART
+mechanism	NOUN
+,	PUNCT
+but	CCONJ
+will	AUX
+reflect	VERB
+the	DET
+somewhat	ADV
+larger	ADJ
+capacity	NOUN
+holdings	NOUN
+needed	VERB
+to	PART
+meet	VERB
+anticipated	VERB
+increases	NOUN
+in	ADP
+core	NOUN
+demand	NOUN
+and	CCONJ
+to	PART
+meet	VERB
+a	DET
+1	NUM
+-	PUNCT
+day	NOUN
+in	ADP
+10	NUM
+-	PUNCT
+year	NOUN
+cold	ADJ
+weather	NOUN
+event	NOUN
+.	PUNCT
+
+This	PRON
+also	ADV
+will	AUX
+serve	VERB
+as	ADP
+a	DET
+reminder	NOUN
+that	SCONJ
+an	DET
+all	DET
+-	PUNCT
+Party	NOUN
+meeting	NOUN
+is	AUX
+scheduled	VERB
+at	ADP
+PG&E	PROPN
+'s	PART
+headquarters	NOUN
+in	ADP
+San	PROPN
+Francisco	PROPN
+on	ADP
+January	PROPN
+10	NUM
+and	CCONJ
+11	NUM
+,	PUNCT
+to	PART
+discuss	VERB
+this	DET
+proposal	NOUN
+and	CCONJ
+to	PART
+respond	VERB
+to	ADP
+your	PRON
+questions	NOUN
+.	PUNCT
+
+We	PRON
+look	VERB
+forward	ADV
+to	SCONJ
+answering	VERB
+your	PRON
+questions	NOUN
+and	CCONJ
+receiving	VERB
+your	PRON
+feedback	NOUN
+.	PUNCT
+
+The	DET
+attached	VERB
+documents	NOUN
+include	VERB
+the	DET
+GA	NOUN
+II	NUM
+Settlement	NOUN
+proposal	NOUN
+,	PUNCT
+an	DET
+Attachment	NOUN
+(	PUNCT
+a	DET
+copy	NOUN
+of	ADP
+PG&E	PROPN
+'s	PART
+proposed	VERB
+Gas	NOUN
+Rule	NOUN
+27	NUM
+)	PUNCT
+,	PUNCT
+and	CCONJ
+a	DET
+set	NOUN
+of	ADP
+supporting	VERB
+workpapers	NOUN
+.	PUNCT
+
+Finally	ADV
+,	PUNCT
+please	INTJ
+note	VERB
+that	SCONJ
+the	DET
+Settlement	NOUN
+document	NOUN
+and	CCONJ
+the	DET
+Attachment	NOUN
+are	AUX
+in	ADP
+"	PUNCT
+Word	PROPN
+2000	NUM
+"	PUNCT
+format	NOUN
+.	PUNCT
+
+We	PRON
+would	AUX
+be	AUX
+glad	ADJ
+to	PART
+provide	VERB
+the	DET
+same	ADJ
+documents	NOUN
+in	ADP
+an	DET
+earlier	ADJ
+version	NOUN
+of	ADP
+Word	PROPN
+,	PUNCT
+upon	ADP
+request	NOUN
+by	ADP
+individual	ADJ
+Parties	NOUN
+.	PUNCT
+
+We	PRON
+look	VERB
+forward	ADV
+to	SCONJ
+seeing	VERB
+you	PRON
+on	ADP
+January	PROPN
+10	NUM
+-	SYM
+11	NUM
+.	PUNCT
+
+In	ADP
+the	DET
+meantime	NOUN
+,	PUNCT
+we	PRON
+extend	VERB
+our	PRON
+best	ADJ
+wishes	NOUN
+for	ADP
+a	DET
+safe	ADJ
+and	CCONJ
+happy	ADJ
+holiday	NOUN
+season	NOUN
+.	PUNCT
+
+Frank	PROPN
+Lindh	PROPN
+Ray	PROPN
+Williams	PROPN
+(	PUNCT
+415	NUM
+)	PUNCT
+973-2776	NUM
+(	PUNCT
+415	NUM
+)	PUNCT
+973-3634	NUM
+
+<<	PUNCT
+PG&E	X
+Gas	X
+Accord	X
+II	X
+Settlement	X
+Proposal	X
+12-20-00.doc	NOUN
+>>	PUNCT
+<<	PUNCT
+Proposed	X
+Gas	X
+Rule	X
+27.doc	NOUN
+>>	PUNCT
+<<	PUNCT
+COS	X
+&	X
+Rates	X
+Workpapers	X
+for	X
+GA	X
+II	X
+12-20-2000	X
+Proposal.xls	NOUN
+>>	PUNCT
+
+Greetings	NOUN
+Judge	PROPN
+Minkin	PROPN
+:	PUNCT
+
+This	PRON
+is	VERB
+to	PART
+inform	VERB
+that	SCONJ
+a	DET
+representative	NOUN
+of	ADP
+Enron	PROPN
+Corp	PROPN
+would	AUX
+like	VERB
+to	PART
+address	VERB
+the	DET
+Commission	NOUN
+on	ADP
+the	DET
+issue	NOUN
+of	ADP
+utility	NOUN
+rate	NOUN
+stabilization	NOUN
+plans	NOUN
+at	ADP
+the	DET
+Commission	NOUN
+'s	PART
+hearings	NOUN
+scheduled	VERB
+for	ADP
+December	PROPN
+27th	NOUN
+and	CCONJ
+28th	NOUN
+.	PUNCT
+
+Thank	VERB
+you	PRON
+.	PUNCT
+
+Sincerely	ADV
+,	PUNCT
+
+Jeffrey	PROPN
+Dasovich	PROPN
+Director	NOUN
+,	PUNCT
+Enron	PROPN
+Corp	PROPN
+
+Attached	VERB
+is	AUX
+a	DET
+draft	NOUN
+of	ADP
+the	DET
+talking	NOUN
+points	NOUN
+for	ADP
+the	DET
+Commission	NOUN
+'s	PART
+hearings	NOUN
+.	PUNCT
+
+Few	ADJ
+points	NOUN
+:	PUNCT
+
+Our	PRON
+time	NOUN
+is	AUX
+likely	ADV
+to	PART
+be	AUX
+limited	VERB
+to	ADP
+5	NUM
+-	SYM
+10	NUM
+minutes	NOUN
+.	PUNCT
+
+Mike	PROPN
+Day	PROPN
+,	PUNCT
+our	PRON
+outside	ADJ
+counsel	NOUN
+,	PUNCT
+will	AUX
+make	VERB
+the	DET
+presentation	NOUN
+on	ADP
+our	PRON
+behalf	NOUN
+.	PUNCT
+
+Mike	PROPN
+Day	PROPN
+is	AUX
+fleshing	VERB
+out	ADP
+the	DET
+legal	ADJ
+details	NOUN
+of	ADP
+our	PRON
+presentation	NOUN
+and	CCONJ
+he	PRON
+will	AUX
+forward	VERB
+that	PRON
+along	ADV
+for	ADP
+folks	NOUN
+review	NOUN
+later	ADV
+today	NOUN
+.	PUNCT
+
+Comments	NOUN
+can	AUX
+be	AUX
+forwarded	VERB
+to	ADP
+me	PRON
+via	ADP
+email	NOUN
+,	PUNCT
+pager	NOUN
+(	PUNCT
+888.916.7184	NUM
+)	PUNCT
+,	PUNCT
+voicemail	NOUN
+(	PUNCT
+415.782.7822	NUM
+)	PUNCT
+,	PUNCT
+or	CCONJ
+home	NOUN
+(	PUNCT
+415.621.8317	NUM
+)	PUNCT
+.	PUNCT
+
+We	PRON
+will	AUX
+finalize	VERB
+the	DET
+message	NOUN
+points	NOUN
+on	ADP
+tomorrow	NOUN
+'s	PART
+daily	ADJ
+call	NOUN
+(	PUNCT
+10	NUM
+AM	NOUN
+CST	PROPN
+)	PUNCT
+.	PUNCT
+
+The	DET
+call	VERB
+in	ADP
+number	NOUN
+is	AUX
+800.713.8600	NUM
+.	PUNCT
+
+Code	NOUN
+is	AUX
+80435	NUM
+.	PUNCT
+
+The	DET
+Commission	NOUN
+'s	PART
+hearings	NOUN
+begin	VERB
+tomorrow	NOUN
+at	ADP
+10	NUM
+AM	NOUN
+(	PUNCT
+PST	PROPN
+)	PUNCT
+.	PUNCT
+
+Jeff	PROPN
+Dasovich	PROPN
+
+Sent	VERB
+by	ADP
+:	PUNCT
+Jeff	PROPN
+Dasovich	PROPN
+
+12/26/2000	NUM
+03:15	NUM
+PM	NOUN
+
+Attached	VERB
+is	AUX
+a	DET
+draft	NOUN
+of	ADP
+the	DET
+talking	NOUN
+points	NOUN
+for	ADP
+the	DET
+Commission	NOUN
+'s	PART
+hearings	NOUN
+.	PUNCT
+
+Few	ADJ
+points	NOUN
+:	PUNCT
+
+Our	PRON
+time	NOUN
+is	AUX
+likely	ADV
+to	PART
+be	AUX
+limited	VERB
+to	ADP
+5	NUM
+-	SYM
+10	NUM
+minutes	NOUN
+.	PUNCT
+
+Mike	PROPN
+Day	PROPN
+,	PUNCT
+our	PRON
+outside	ADJ
+counsel	NOUN
+,	PUNCT
+will	AUX
+make	VERB
+the	DET
+presentation	NOUN
+on	ADP
+our	PRON
+behalf	NOUN
+.	PUNCT
+
+Mike	PROPN
+Day	PROPN
+is	AUX
+fleshing	VERB
+out	ADP
+the	DET
+legal	ADJ
+details	NOUN
+of	ADP
+our	PRON
+presentation	NOUN
+and	CCONJ
+he	PRON
+will	AUX
+forward	VERB
+that	PRON
+along	ADV
+for	ADP
+folks	NOUN
+review	NOUN
+later	ADV
+today	NOUN
+.	PUNCT
+
+Comments	NOUN
+can	AUX
+be	AUX
+forwarded	VERB
+to	ADP
+me	PRON
+via	ADP
+email	NOUN
+,	PUNCT
+pager	NOUN
+(	PUNCT
+888.916.7184	NUM
+)	PUNCT
+,	PUNCT
+voicemail	NOUN
+(	PUNCT
+415.782.7822	NUM
+)	PUNCT
+,	PUNCT
+or	CCONJ
+home	NOUN
+(	PUNCT
+415.621.8317	NUM
+)	PUNCT
+.	PUNCT
+
+We	PRON
+will	AUX
+finalize	VERB
+the	DET
+message	NOUN
+points	NOUN
+on	ADP
+tomorrow	NOUN
+'s	PART
+daily	ADJ
+call	NOUN
+(	PUNCT
+10	NUM
+AM	NOUN
+CST	PROPN
+)	PUNCT
+.	PUNCT
+
+The	DET
+call	VERB
+in	ADP
+number	NOUN
+is	AUX
+800.713.8600	NUM
+.	PUNCT
+
+Code	NOUN
+is	AUX
+80435	NUM
+.	PUNCT
+
+The	DET
+Commission	NOUN
+'s	PART
+hearings	NOUN
+begin	VERB
+tomorrow	NOUN
+at	ADP
+10	NUM
+AM	NOUN
+(	PUNCT
+PST	PROPN
+)	PUNCT
+.	PUNCT
+
+Nice	ADJ
+job	NOUN
+.	PUNCT
+
+Going	VERB
+to	PART
+be	AUX
+a	DET
+wild	ADJ
+ride	NOUN
+.	PUNCT
+
+That	PRON
+'s	AUX
+a	DET
+very	ADV
+good	ADJ
+point	NOUN
+.	PUNCT
+
+I	PRON
+'ll	AUX
+make	VERB
+the	DET
+change	NOUN
+.	PUNCT
+
+Best	ADJ
+,	PUNCT
+
+Jeff	PROPN
+
+Harry	PROPN
+Kingerski	PROPN
+
+12/26/2000	NUM
+03:33	NUM
+PM	NOUN
+
+Jeff	PROPN
+-	PUNCT
+
+instead	ADV
+of	SCONJ
+suggesting	VERB
+a	DET
+specific	ADJ
+rate	NOUN
+increase	NOUN
+-	PUNCT
+10	NUM
+or	CCONJ
+15	NUM
+%	SYM
+,	PUNCT
+I	PRON
+think	VERB
+we	PRON
+should	AUX
+acknowledge	VERB
+that	SCONJ
+a	DET
+"	PUNCT
+modest	ADJ
+"	PUNCT
+increase	NOUN
+may	AUX
+be	AUX
+necessary	ADJ
+and	CCONJ
+may	AUX
+in	ADP
+fact	NOUN
+be	AUX
+desirable	ADJ
+-	PUNCT
+but	CCONJ
+that	SCONJ
+the	DET
+specific	ADJ
+amount	NOUN
+of	ADP
+increase	NOUN
+should	AUX
+be	VERB
+reasoned	ADJ
+and	CCONJ
+subject	ADJ
+to	ADP
+well	ADV
+thought	VERB
+out	ADP
+evidence	NOUN
+and	CCONJ
+hearings	NOUN
+,	PUNCT
+not	CCONJ
+just	ADV
+determined	VERB
+by	ADP
+whim	NOUN
+.	PUNCT
+
+In	ADP
+general	ADJ
+,	PUNCT
+we	PRON
+should	AUX
+not	PART
+be	AUX
+overly	ADV
+prescriptive	ADJ
+at	ADP
+this	DET
+point	NOUN
+and	CCONJ
+I	PRON
+know	VERB
+you	PRON
+agree	VERB
+with	ADP
+that	PRON
+.	PUNCT
+
+Otherwise	ADV
+,	PUNCT
+I	PRON
+think	VERB
+you	PRON
+have	AUX
+captured	VERB
+the	DET
+points	NOUN
+excellently	ADV
+.	PUNCT
+
+We	PRON
+'re	AUX
+in	ADP
+the	DET
+process	NOUN
+of	SCONJ
+developing	VERB
+a	DET
+strategy	NOUN
+to	PART
+take	VERB
+us	PRON
+through	ADP
+the	DET
+next	ADJ
+few	ADJ
+months	NOUN
+.	PUNCT
+
+But	CCONJ
+while	SCONJ
+the	DET
+(	PUNCT
+otherwise	ADV
+perishable	ADJ
+)	PUNCT
+thoughts	NOUN
+are	AUX
+still	ADV
+fresh	ADJ
+in	ADP
+my	PRON
+mind	NOUN
+from	ADP
+the	DET
+hearings	NOUN
+on	ADP
+Monday	PROPN
+and	CCONJ
+Tuesday	PROPN
+,	PUNCT
+I	PRON
+wanted	VERB
+to	PART
+throw	VERB
+out	ADV
+some	DET
+observations	NOUN
+for	ADP
+discussion	NOUN
+in	ADP
+the	DET
+days	NOUN
+/	PUNCT
+weeks	NOUN
+ahead	ADV
+.	PUNCT
+
+OBSERVATION	NOUN
+--	PUNCT
+The	DET
+pressure	NOUN
+to	PART
+finger	VERB
+somebody	PRON
+for	ADP
+"	PUNCT
+price	NOUN
+gouging	NOUN
+"	PUNCT
+is	AUX
+increasing	VERB
+.	PUNCT
+
+The	DET
+administration	NOUN
+is	AUX
+hell	NOUN
+bent	ADJ
+on	SCONJ
+finding	VERB
+a	DET
+"	PUNCT
+fall	NOUN
+guy	NOUN
+.	PUNCT
+"	PUNCT
+
+The	DET
+price	NOUN
+spikes	NOUN
+pose	VERB
+real	ADJ
+political	ADJ
+risks	NOUN
+for	ADP
+Davis	PROPN
+and	CCONJ
+he	PRON
+and	CCONJ
+his	PRON
+folks	NOUN
+need	VERB
+and	CCONJ
+want	VERB
+an	DET
+easy	ADJ
+way	NOUN
+out	ADV
+.	PUNCT
+
+His	PRON
+press	NOUN
+release	NOUN
+following	VERB
+the	DET
+hearing	NOUN
+renewed	VERB
+the	DET
+call	NOUN
+for	ADP
+"	PUNCT
+refunds	NOUN
+.	PUNCT
+"	PUNCT
+
+On	ADP
+my	PRON
+panel	NOUN
+,	PUNCT
+Loretta	PROPN
+Lynch	PROPN
+asked	VERB
+Reliant	PROPN
+and	CCONJ
+Duke	PROPN
+to	PART
+supply	VERB
+her	PRON
+with	ADP
+the	DET
+details	NOUN
+of	ADP
+the	DET
+contracts	NOUN
+they	PRON
+cut	VERB
+to	PART
+sell	VERB
+their	PRON
+power	NOUN
+forward	ADV
+to	ADP
+marketers	NOUN
+.	PUNCT
+
+And	CCONJ
+Carl	PROPN
+Wood	PROPN
+'s	PART
+remarks	NOUN
+were	AUX
+extreme	ADJ
+.	PUNCT
+
+At	ADP
+the	DET
+Barton	PROPN
+hearing	NOUN
+,	PUNCT
+a	DET
+liberal	ADJ
+democrat	PROPN
+(	PUNCT
+Filner	PROPN
+)	PUNCT
+and	CCONJ
+a	DET
+conservative	ADJ
+Republican	PROPN
+(	PUNCT
+Hunter	PROPN
+)	PUNCT
+locked	VERB
+arms	NOUN
+in	SCONJ
+calling	VERB
+for	ADP
+refunds	NOUN
+.	PUNCT
+
+Bilbray	PROPN
+joined	VERB
+the	DET
+"	PUNCT
+gouging	NOUN
+"	PUNCT
+band	NOUN
+wagon	NOUN
+.	PUNCT
+
+The	DET
+utilities	NOUN
+repeatedly	ADV
+called	VERB
+on	ADP
+FERC	PROPN
+to	PART
+do	VERB
+a	DET
+"	PUNCT
+real	ADJ
+"	PUNCT
+investigation	NOUN
+,	PUNCT
+with	ADP
+hearings	NOUN
+,	PUNCT
+testimony	NOUN
+,	PUNCT
+data	NOUN
+discovery	NOUN
+---	PUNCT
+the	DET
+works	NOUN
+.	PUNCT
+
+On	ADP
+the	DET
+positive	ADJ
+side	NOUN
+,	PUNCT
+the	DET
+FERC	PROPN
+commissioners	NOUN
+lauded	VERB
+Wolak	PROPN
+,	PUNCT
+his	PRON
+analysis	NOUN
+,	PUNCT
+and	CCONJ
+his	PRON
+remarks	NOUN
+on	ADP
+the	DET
+panel	NOUN
+.	PUNCT
+
+Wolak	PROPN
+said	VERB
+somewhat	ADV
+emphatically	ADV
+that	SCONJ
+the	DET
+nature	NOUN
+of	ADP
+California	PROPN
+'s	PART
+market	NOUN
+structure	NOUN
+makes	VERB
+it	PRON
+impossible	ADJ
+to	PART
+single	VERB
+out	ADP
+a	DET
+single	ADJ
+participant	NOUN
+as	ADP
+the	DET
+culprit	NOUN
+.	PUNCT
+
+He	PRON
+also	ADV
+stated	VERB
+that	SCONJ
+just	ADV
+everyone	PRON
+'s	AUX
+just	ADV
+acting	VERB
+in	ADP
+their	PRON
+own	ADJ
+self	NOUN
+-	PUNCT
+interest	NOUN
+,	PUNCT
+responding	VERB
+to	ADP
+the	DET
+screwed	VERB
+incentives	NOUN
+embedded	VERB
+in	ADP
+the	DET
+structure	NOUN
+.	PUNCT
+
+IMPLICATION	NOUN
+--	PUNCT
+It	PRON
+seems	VERB
+prudent	ADJ
+for	SCONJ
+Enron	PROPN
+to	PART
+understand	VERB
+better	ADV
+its	PRON
+risks	NOUN
+of	SCONJ
+getting	AUX
+fingered	VERB
+.	PUNCT
+
+In	ADP
+the	DET
+best	ADJ
+case	NOUN
+,	PUNCT
+the	DET
+clamoring	NOUN
+for	ADP
+a	DET
+"	PUNCT
+refund	NOUN
+"	PUNCT
+subsides	VERB
+.	PUNCT
+
+In	ADP
+which	DET
+case	NOUN
+,	PUNCT
+the	DET
+only	ADJ
+cost	NOUN
+to	ADP
+Enron	PROPN
+is	AUX
+the	DET
+internal	ADJ
+cost	NOUN
+incurred	VERB
+to	PART
+understand	VERB
+better	ADV
+the	DET
+risks	NOUN
+of	SCONJ
+getting	AUX
+fingered	VERB
+.	PUNCT
+
+In	ADP
+the	DET
+medium	ADJ
+case	NOUN
+,	PUNCT
+investigations	NOUN
+find	VERB
+that	SCONJ
+Enron	PROPN
+(	PUNCT
+like	ADP
+others	NOUN
+)	PUNCT
+"	PUNCT
+played	VERB
+by	ADP
+the	DET
+rules	NOUN
+,	PUNCT
+"	PUNCT
+but	CCONJ
+the	DET
+rules	NOUN
+stunk	VERB
+,	PUNCT
+and	CCONJ
+Enron	PROPN
+profited	VERB
+at	ADP
+the	DET
+expense	NOUN
+of	ADP
+California	PROPN
+consumers	NOUN
+.	PUNCT
+
+You	PRON
+'re	AUX
+right	ADJ
+,	PUNCT
+Sue	PROPN
+.	PUNCT
+
+Rates	NOUN
+ca	AUX
+n't	PART
+go	VERB
+up	ADV
+w/out	SCONJ
+declaring	VERB
+the	DET
+rate	NOUN
+freeze	NOUN
+over	ADV
+in	ADP
+some	DET
+fashion	NOUN
+---	PUNCT
+trying	VERB
+to	PART
+finesse	VERB
+it	PRON
+.	PUNCT
+
+Thanks	NOUN
+very	ADV
+much	ADV
+for	ADP
+the	DET
+comments	NOUN
+.	PUNCT
+
+Harry	PROPN
+also	ADV
+had	VERB
+a	DET
+good	ADJ
+comment	NOUN
+---	PUNCT
+do	AUX
+n't	PART
+specify	VERB
+the	DET
+amount	NOUN
+of	ADP
+rate	NOUN
+increase	NOUN
+in	ADP
+our	PRON
+comments	NOUN
+;	PUNCT
+rather	ADV
+note	VERB
+that	SCONJ
+the	DET
+rate	NOUN
+increase	NOUN
+needs	VERB
+to	PART
+be	VERB
+well	ADV
+-	PUNCT
+reasoned	VERB
+and	CCONJ
+based	VERB
+on	ADP
+facts	NOUN
+and	CCONJ
+evidence	NOUN
+.	PUNCT
+
+Will	AUX
+make	VERB
+that	DET
+change	NOUN
+.	PUNCT
+
+Shawna	X
+Johnson@ENRON	X
+
+02/22/2001	NUM
+04:37	NUM
+PM	NOUN
+
+This	PRON
+is	AUX
+a	DET
+request	NOUN
+for	ADP
+your	PRON
+interview	NOUN
+participation	NOUN
+.	PUNCT
+
+The	DET
+Associate	NOUN
+and	CCONJ
+Analyst	NOUN
+Programs	NOUN
+will	AUX
+be	AUX
+on	ADP
+the	DET
+Penn	PROPN
+,	PUNCT
+undergraduate	ADJ
+campus	NOUN
+interviewing	VERB
+summer	NOUN
+Analyst	NOUN
+interns	NOUN
+next	ADJ
+week	NOUN
+.	PUNCT
+
+Due	ADP
+to	ADP
+business	NOUN
+reasons	NOUN
+,	PUNCT
+previously	ADV
+scheduled	VERB
+interviewers	NOUN
+from	ADP
+the	DET
+Penn	PROPN
+team	NOUN
+have	AUX
+had	VERB
+to	PART
+cancel	VERB
+their	PRON
+participation	NOUN
+.	PUNCT
+
+Currently	ADV
+,	PUNCT
+I	PRON
+need	VERB
+three	NUM
+interviewers	NOUN
+for	ADP
+Thursday	PROPN
+,	PUNCT
+March	PROPN
+1st	NOUN
+and	CCONJ
+one	NUM
+interviewer	NOUN
+for	ADP
+Friday	PROPN
+,	PUNCT
+March	PROPN
+2nd	NOUN
+.	PUNCT
+
+Please	INTJ
+let	VERB
+me	PRON
+know	VERB
+of	ADP
+your	PRON
+availability	NOUN
+.	PUNCT
+
+Campus	NOUN
+interviews	NOUN
+are	AUX
+scheduled	VERB
+as	SCONJ
+follows	VERB
+:	PUNCT
+
+Place	NOUN
+:	PUNCT
+University	PROPN
+of	ADP
+Pennsylvania	PROPN
+
+Date	NOUN
+:	PUNCT
+Thursday	PROPN
+,	PUNCT
+March	PROPN
+1st	NOUN
+Friday	PROPN
+,	PUNCT
+March	PROPN
+2nd	NOUN
+
+Day	NOUN
+One	NUM
+Interviews	NOUN
+Day	NOUN
+Two	NUM
+Interviews	NOUN
+
+Where	ADV
+:	PUNCT
+On	ADP
+Campus	NOUN
+Inn	PROPN
+at	ADP
+Pen	PROPN
+
+Time	NOUN
+:	PUNCT
+8:00	NUM
+-	SYM
+5:00	NUM
+8:00	NUM
+-	SYM
+5:00	NUM
+
+Interviewers	NOUN
+:	PUNCT
+Kevin	PROPN
+McGowan	PROPN
+-	PUNCT
+confirmed	VERB
+
+Jen	PROPN
+Fraser	PROPN
+-	PUNCT
+confirmed	VERB
+
+Margaret	PROPN
+Rhee	PROPN
+-	PUNCT
+confirmed	VERB
+
+Chris	PROPN
+Hilgert	PROPN
+-	PUNCT
+confirmed	VERB
+
+In	ADP
+the	DET
+event	NOUN
+that	SCONJ
+you	PRON
+have	VERB
+scheduling	NOUN
+conflicts	NOUN
+and	CCONJ
+can	AUX
+not	PART
+participate	VERB
+,	PUNCT
+any	DET
+referrals	NOUN
+at	ADP
+the	DET
+Director	NOUN
+or	CCONJ
+VP	NOUN
+level	NOUN
+would	AUX
+be	AUX
+greatly	ADV
+appreciated	VERB
+.	PUNCT
+
+As	ADP
+always	ADV
+,	PUNCT
+thank	VERB
+you	PRON
+for	ADP
+your	PRON
+time	NOUN
+and	CCONJ
+please	INTJ
+contact	VERB
+me	PRON
+@	ADP
+ext	NOUN
+58369	NUM
+if	SCONJ
+you	PRON
+have	VERB
+any	DET
+questions	NOUN
+.	PUNCT
+
+Shawna	PROPN
+Johnson	PROPN
+Recruiting	NOUN
+Coordinator	NOUN
+
+Sorry	ADJ
+about	ADP
+that	PRON
+before	ADV
+.	PUNCT
+
+I	PRON
+'ll	AUX
+not	PART
+say	VERB
+anything	PRON
+.	PUNCT
+
+Best	ADJ
+
+Jeff	PROPN
+
+"	PUNCT
+Scott	PROPN
+A.	PROPN
+Kushnick	PROPN
+"	PUNCT
+<	PUNCT
+skush@swbell.net	X
+>	PUNCT
+
+01/26/2001	NUM
+12:48	NUM
+PM	NOUN
+
+Please	INTJ
+do	AUX
+n't	PART
+mention	VERB
+my	PRON
+NY	PROPN
+trip	NOUN
+to	ADP
+anyone	PRON
+.	PUNCT
+
+Keep	VERB
+in	ADP
+touch	NOUN
+.	PUNCT
+
+Scott	PROPN
+
+thanks	NOUN
+for	ADP
+the	DET
+update	NOUN
+.	PUNCT
+
+have	AUX
+you	PRON
+gotten	VERB
+a	DET
+price	NOUN
+?	PUNCT
+
+Doug	PROPN
+Leach	PROPN
+
+01/25/2001	NUM
+09:40	NUM
+AM	NOUN
+
+fyi	ADV
+
+Tom	PROPN
+Byargeon	PROPN
+,	PUNCT
+Kevin	PROPN
+Miller	PROPN
+and	CCONJ
+Ken	PROPN
+Loch	PROPN
+in	ADP
+ENA	PROPN
+are	AUX
+working	VERB
+with	ADP
+producers	NOUN
+in	ADP
+the	DET
+US	PROPN
+involved	ADJ
+in	ADP
+deep	ADJ
+water	NOUN
+offshore	ADJ
+Louisiana	PROPN
+/	PUNCT
+Texas	PROPN
+oil	NOUN
+and	CCONJ
+gas	NOUN
+drilling	NOUN
+projects	NOUN
+.	PUNCT
+
+This	DET
+financing	NOUN
+activity	NOUN
+was	AUX
+primarily	ADV
+started	VERB
+to	PART
+help	VERB
+ENA	PROPN
+secure	VERB
+long	ADJ
+term	NOUN
+well	NOUN
+head	NOUN
+and	CCONJ
+pipeline	NOUN
+natural	ADJ
+gas	NOUN
+supplies	NOUN
+to	PART
+supplement	VERB
+the	DET
+gas	NOUN
+trading	NOUN
+desk	NOUN
+activities	NOUN
+.	PUNCT
+
+Just	ADV
+like	SCONJ
+what	PRON
+happened	VERB
+in	ADP
+Enron	PROPN
+'s	PART
+initial	ADJ
+VPP	NOUN
+program	NOUN
+they	PRON
+are	AUX
+find	VERB
+more	ADJ
+interest	NOUN
+in	ADP
+oil	NOUN
+drilling	NOUN
+projects	NOUN
+rather	ADV
+than	ADP
+natural	ADJ
+gas	NOUN
+projects	NOUN
+.	PUNCT
+
+They	PRON
+are	AUX
+currently	ADV
+working	VERB
+on	ADP
+a	DET
+bid	NOUN
+(	PUNCT
+due	ADJ
+1/31	NUM
+)	PUNCT
+for	ADP
+the	DET
+Medusa	PROPN
+project	NOUN
+which	PRON
+involves	VERB
+Murphy	PROPN
+(	PUNCT
+operator	NOUN
+)	PUNCT
+,	PUNCT
+Agip	PROPN
+and	CCONJ
+Callon	PROPN
+in	ADP
+Mississippi	PROPN
+Canyon	PROPN
+Blocks	PROPN
+#	NOUN
+538	NUM
+and	CCONJ
+#	NOUN
+582	NUM
+.	PUNCT
+
+The	DET
+initial	ADJ
+reservoir	NOUN
+reports	NOUN
+estimate	VERB
+reserves	NOUN
+of	ADP
+80	NUM
+-	SYM
+120	NUM
+million	NUM
+barrels	NOUN
+of	ADP
+sour	ADJ
+crude	NOUN
+and	CCONJ
+they	PRON
+estimate	VERB
+initial	ADJ
+production	NOUN
+to	PART
+be	AUX
+40,000	NUM
+bpd	NOUN
+starting	VERB
+in	ADP
+1Q	NOUN
+2003	NUM
+.	PUNCT
+
+Quality	NOUN
+is	AUX
+estimated	VERB
+to	PART
+be	AUX
+a	DET
+Mars	PROPN
+type	NOUN
+crude	NOUN
+with	ADP
+25	NUM
+-	SYM
+27	NUM
+API	NOUN
+Gravity	NOUN
+and	CCONJ
+1.5	NUM
+-	SYM
+2.0	NUM
+%	SYM
+sulfur	NOUN
+.	PUNCT
+
+Plans	NOUN
+are	VERB
+to	PART
+build	VERB
+a	DET
+private	ADJ
+pipeline	NOUN
+to	ADP
+Equilon	PROPN
+'s	PART
+West	PROPN
+Delta	PROPN
+#	NOUN
+143	NUM
+platform	NOUN
+and	CCONJ
+then	ADV
+bring	VERB
+the	DET
+oil	NOUN
+onshore	ADV
+.	PUNCT
+
+Peggy	PROPN
+is	AUX
+finding	VERB
+out	ADP
+where	ADV
+WD	PROPN
+#	NOUN
+143	NUM
+pumps	VERB
+to	ADP
+onshore	ADV
+.	PUNCT
+
+Tom	PROPN
+'s	PART
+group	NOUN
+would	AUX
+like	VERB
+to	PART
+know	VERB
+if	SCONJ
+we	PRON
+have	VERB
+any	DET
+interesting	NOUN
+in	SCONJ
+buying	VERB
+the	DET
+crude	NOUN
+on	ADP
+either	CCONJ
+a	DET
+fixed	VERB
+or	CCONJ
+floating	VERB
+basis	NOUN
+.	PUNCT
+
+The	DET
+floating	NOUN
+could	AUX
+be	AUX
+tied	VERB
+to	ADP
+a	DET
+Platt	PROPN
+'s	PART
+index	NOUN
+or	CCONJ
+the	DET
+NYMEX	PROPN
+.	PUNCT
+
+It	PRON
+is	AUX
+far	ADV
+too	ADV
+early	ADJ
+to	PART
+expect	VERB
+Murphy	PROPN
+to	PART
+enter	VERB
+into	ADP
+a	DET
+physical	ADJ
+or	CCONJ
+financial	ADJ
+contract	NOUN
+,	PUNCT
+but	CCONJ
+Tom	PROPN
+hopes	VERB
+to	PART
+get	VERB
+us	PRON
+first	ADJ
+and	CCONJ
+/	PUNCT
+or	CCONJ
+last	ADJ
+look	NOUN
+from	ADP
+Murphy	PROPN
+when	ADV
+the	DET
+time	NOUN
+is	AUX
+right	ADJ
+.	PUNCT
+
+Another	DET
+alternative	NOUN
+is	VERB
+to	PART
+give	VERB
+Murphy	PROPN
+barrels	NOUN
+at	ADP
+their	PRON
+95,000	NUM
+bpd	NOUN
+Meraux	PROPN
+,	PUNCT
+Louisiana	PROPN
+refinery	NOUN
+in	ADP
+exchange	NOUN
+for	ADP
+the	DET
+new	ADJ
+production	NOUN
+barrels	NOUN
+.	PUNCT
+
+Could	AUX
+someone	PRON
+in	ADP
+your	PRON
+group	NOUN
+please	INTJ
+give	VERB
+me	PRON
+a	DET
+notional	ADJ
+non	X
+binding	VERB
+basis	ADJ
+differential	NOUN
+for	ADP
+this	DET
+quality	NOUN
+of	ADP
+crude	NOUN
+for	ADP
+Cal	PROPN
+2003	NUM
+?	PUNCT
+
+please	INTJ
+print	VERB
+
+Amanda	X
+Huble@ENRON	X
+
+01/24/2001	NUM
+01:02	NUM
+PM	NOUN
+
+Please	INTJ
+address	VERB
+,	PUNCT
+and	CCONJ
+I	PRON
+'ll	AUX
+check	VERB
+with	ADP
+Legal	NOUN
+as	ADV
+well	ADV
+.	PUNCT
+
+We	PRON
+typically	ADV
+only	ADV
+book	VERB
+deals	NOUN
+when	ADV
+everything	PRON
+is	AUX
+signed	VERB
+off	ADP
+.	PUNCT
+
+Jeff	PROPN
+
+David	PROPN
+Hoog	PROPN
+
+01/26/2001	NUM
+09:37	NUM
+AM	NOUN
+
+following	VERB
+up	ADP
+on	ADP
+our	PRON
+discussion	NOUN
+yesterday	NOUN
+;	PUNCT
+for	ADP
+these	DET
+types	NOUN
+of	ADP
+deals	NOUN
+,	PUNCT
+i	PRON
+do	AUX
+nt	PART
+think	VERB
+it	PRON
+s	AUX
+necessary	ADJ
+to	PART
+have	VERB
+all	DET
+the	DET
+documentation	NOUN
+of	ADP
+our	PRON
+counterparty	NOUN
+'s	PART
+authorization	NOUN
+to	PART
+enter	VERB
+into	ADP
+the	DET
+agreement	NOUN
+.	PUNCT
+
+these	PRON
+are	AUX
+short	ADJ
+term	NOUN
+transactions	NOUN
+and	CCONJ
+requiring	VERB
+this	DET
+documentation	NOUN
+will	AUX
+cause	VERB
+us	PRON
+to	PART
+lose	VERB
+business	NOUN
+because	SCONJ
+competitive	ADJ
+alternatives	NOUN
+do	AUX
+not	PART
+have	VERB
+such	ADJ
+burdensome	ADJ
+requirements	NOUN
+.	PUNCT
+
+the	DET
+primary	ADJ
+reason	NOUN
+we	PRON
+need	VERB
+these	DET
+things	NOUN
+is	AUX
+for	ADP
+the	DET
+scenario	NOUN
+where	ADV
+a	DET
+muni	NOUN
+does	VERB
+a	DET
+derivative	NOUN
+deal	NOUN
+with	ADP
+an	DET
+open	ADJ
+-	PUNCT
+ended	ADJ
+downside	NOUN
+,	PUNCT
+loses	VERB
+$	SYM
+50	NUM
+million	NUM
+,	PUNCT
+and	CCONJ
+then	ADV
+claims	VERB
+that	SCONJ
+it	PRON
+was	AUX
+not	PART
+a	DET
+valid	ADJ
+contract	NOUN
+.	PUNCT
+
+in	ADP
+our	PRON
+case	NOUN
+,	PUNCT
+they	PRON
+are	AUX
+only	ADV
+hedging	VERB
+.	PUNCT
+
+we	PRON
+are	AUX
+collecting	VERB
+a	DET
+premium	NOUN
+up	ADP
+front	NOUN
+and	CCONJ
+their	PRON
+total	ADJ
+cost	NOUN
+is	AUX
+known	VERB
+up	ADP
+front	NOUN
+.	PUNCT
+
+therefore	ADV
+they	PRON
+will	AUX
+not	PART
+attempt	VERB
+to	PART
+make	VERB
+this	DET
+claim	NOUN
+.	PUNCT
+
+even	ADV
+if	SCONJ
+they	PRON
+did	VERB
+,	PUNCT
+our	PRON
+risk	NOUN
+is	AUX
+limited	VERB
+to	ADP
+the	DET
+premium	NOUN
+,	PUNCT
+not	ADV
+some	DET
+big	ADJ
+payout	NOUN
+.	PUNCT
+
+the	DET
+risk	NOUN
+of	SCONJ
+losing	VERB
+business	NOUN
+is	AUX
+far	ADV
+greater	ADJ
+than	ADP
+the	DET
+risk	NOUN
+of	ADP
+a	DET
+counterparty	NOUN
+trying	VERB
+to	PART
+get	VERB
+their	PRON
+premium	NOUN
+back	ADP
+.	PUNCT
+
+seems	VERB
+like	ADP
+a	DET
+5	NUM
+second	NOUN
+decision	NOUN
+to	ADP
+me	PRON
+.	PUNCT
+
+is	AUX
+it	PRON
+possible	ADJ
+to	PART
+combine	VERB
+the	DET
+standard	ADJ
+isda	NOUN
+and	CCONJ
+our	PRON
+confirm	NOUN
+into	ADP
+a	DET
+single	ADJ
+long	ADJ
+form	NOUN
+?	PUNCT
+
+by	SCONJ
+going	VERB
+away	ADV
+from	ADP
+the	DET
+standard	ADJ
+isda	NOUN
+maybe	ADV
+we	PRON
+can	AUX
+eliminate	VERB
+these	DET
+requirements	NOUN
+because	SCONJ
+the	DET
+payout	NOUN
+liability	NOUN
+is	AUX
+only	ADV
+1	NUM
+-	PUNCT
+way	NOUN
+.	PUNCT
+
+please	INTJ
+print	VERB
+
+RusAmArts@aol.com	X
+
+01/26/2001	NUM
+11:57	NUM
+AM	NOUN
+
+Dear	ADJ
+Mr.	PROPN
+Shankman	PROPN
+,	PUNCT
+
+Thank	VERB
+you	PRON
+very	ADV
+much	ADV
+for	ADP
+your	PRON
+quick	ADJ
+reply	NOUN
+.	PUNCT
+
+Attached	VERB
+is	AUX
+my	PRON
+resume	NOUN
+.	PUNCT
+
+I	PRON
+highlight	VERB
+the	DET
+relevant	ADJ
+skills	NOUN
+in	ADP
+the	DET
+summary	NOUN
+.	PUNCT
+
+The	DET
+position	NOUN
+is	AUX
+with	ADP
+the	DET
+EES	NOUN
+MMC	NOUN
+EAST	NOUN
+department	NOUN
+/	PUNCT
+WHOLESALE	ADJ
+,	PUNCT
+RETAIL	NOUN
+&	CCONJ
+COMM	NOUN
+,	PUNCT
+ENRON	PROPN
+ENERGY	PROPN
+SERVICES	PROPN
+.	PUNCT
+
+It	PRON
+was	AUX
+posted	VERB
+on	ADP
+Dec.	PROPN
+11	NUM
+,	PUNCT
+but	CCONJ
+the	DET
+Human	ADJ
+Resource	NOUN
+dept	NOUN
+said	VERB
+that	SCONJ
+if	SCONJ
+it	PRON
+is	AUX
+still	ADV
+on	ADP
+the	DET
+internet	NOUN
+,	PUNCT
+it	PRON
+is	AUX
+open	ADJ
+.	PUNCT
+
+Look	VERB
+forward	ADV
+to	SCONJ
+hearing	VERB
+your	PRON
+comments	NOUN
+/	PUNCT
+suggestions	NOUN
+.	PUNCT
+
+Regards	NOUN
+,	PUNCT
+
+Rina	PROPN
+
+-	PUNCT
+ENRONR~1.DOC	NOUN
+
+Yikes	INTJ
+!	PUNCT
+
+That	DET
+girl	NOUN
+'s	PART
+mother	NOUN
+sounds	VERB
+like	ADP
+a	DET
+real	ADJ
+problem	NOUN
+.	PUNCT
+
+I	PRON
+'m	AUX
+not	PART
+sure	ADJ
+how	ADV
+I	PRON
+would	AUX
+have	AUX
+handled	VERB
+it	PRON
+.	PUNCT
+
+How	ADV
+'s	AUX
+school	NOUN
+going	VERB
+?	PUNCT
+
+Any	DET
+plans	NOUN
+for	ADP
+the	DET
+weekend	NOUN
+?	PUNCT
+
+Alma	X
+Martinez@ENRON	X
+
+01/26/2001	NUM
+11:36	NUM
+AM	NOUN
+
+What	PRON
+happened	VERB
+?	PUNCT
+
+Here	ADV
+'s	AUX
+a	DET
+story	NOUN
+...	PUNCT
+as	SCONJ
+I	PRON
+was	AUX
+waiting	VERB
+at	ADP
+the	DET
+bus	NOUN
+stop	NOUN
+(	PUNCT
+7:35	NUM
+am	NOUN
+)	PUNCT
+to	PART
+go	VERB
+to	ADP
+school	NOUN
+,	PUNCT
+a	DET
+lady	NOUN
+approached	VERB
+me	PRON
+and	CCONJ
+asked	VERB
+if	SCONJ
+I	PRON
+'d	AUX
+make	VERB
+sure	ADJ
+her	PRON
+daughter	NOUN
+got	VERB
+on	ADP
+a	DET
+certain	ADJ
+bus	NOUN
+.	PUNCT
+
+The	DET
+mother	NOUN
+was	AUX
+running	VERB
+late	ADV
+for	ADP
+work	NOUN
+and	CCONJ
+could	AUX
+not	PART
+wait	VERB
+.	PUNCT
+
+I	PRON
+could	AUX
+n't	PART
+say	VERB
+no	INTJ
+...	PUNCT
+so	ADV
+Nicki	PROPN
+(	PUNCT
+the	DET
+little	ADJ
+girl	NOUN
+-	PUNCT
+10	NUM
+yrs.	NOUN
+old	ADJ
+)	PUNCT
+and	CCONJ
+I	PRON
+waited	VERB
+for	ADP
+the	DET
+bus	NOUN
+.	PUNCT
+
+It	PRON
+was	AUX
+now	ADV
+,	PUNCT
+8:15	NUM
+and	CCONJ
+there	PRON
+was	VERB
+no	DET
+sign	NOUN
+of	ADP
+her	PRON
+bus	NOUN
+.	PUNCT
+
+On	ADP
+top	NOUN
+of	ADP
+things	NOUN
+,	PUNCT
+I	PRON
+had	VERB
+quiz	NOUN
+at	ADP
+8	NUM
+am	NOUN
+.	PUNCT
+
+Which	PRON
+I	PRON
+then	ADV
+realized	VERB
+I	PRON
+missed	VERB
+.	PUNCT
+
+I	PRON
+decided	VERB
+that	SCONJ
+Nicki	PROPN
+would	AUX
+just	ADV
+have	VERB
+to	PART
+wait	VERB
+on	ADP
+her	PRON
+own	ADJ
+.	PUNCT
+
+I	PRON
+asked	VERB
+her	PRON
+if	SCONJ
+she	PRON
+had	VERB
+any	DET
+relatives	NOUN
+that	PRON
+would	AUX
+want	VERB
+to	PART
+know	VERB
+of	ADP
+her	PRON
+whereabouts	NOUN
+.	PUNCT
+
+I	PRON
+called	VERB
+her	PRON
+grandmother	NOUN
+and	CCONJ
+explained	VERB
+things	NOUN
+to	ADP
+her	PRON
+.	PUNCT
+
+Pretty	ADV
+strange	ADJ
+...	PUNCT
+aye	INTJ
+.	PUNCT
+
+A	DET
+bus	NOUN
+that	PRON
+runs	VERB
+through	ADP
+UofH	PROPN
+arrived	VERB
+and	CCONJ
+I	PRON
+almost	ADV
+got	VERB
+on	ADV
+without	ADP
+her	PRON
+,	PUNCT
+but	CCONJ
+I	PRON
+could	AUX
+n't	PART
+do	VERB
+it	PRON
+.	PUNCT
+
+Finally	ADV
+,	PUNCT
+I	PRON
+told	VERB
+the	DET
+little	ADJ
+girl	NOUN
+that	SCONJ
+she	PRON
+would	AUX
+have	VERB
+to	PART
+accompany	VERB
+me	PRON
+to	ADP
+school	NOUN
+(	PUNCT
+8:30	NUM
+am	NOUN
+)	PUNCT
+.	PUNCT
+
+There	PRON
+were	VERB
+only	ADV
+15	NUM
+minutes	NOUN
+left	ADJ
+of	ADP
+class	NOUN
+.	PUNCT
+
+I	PRON
+stayed	VERB
+for	ADP
+the	DET
+remainder	NOUN
+of	ADP
+the	DET
+lecture	NOUN
+.	PUNCT
+
+After	ADP
+class	NOUN
+we	PRON
+went	VERB
+back	ADV
+to	ADP
+bus	NOUN
+stop	NOUN
+and	CCONJ
+within	ADP
+minutes	NOUN
+her	PRON
+bus	NOUN
+arrived	VERB
+.	PUNCT
+
+I	PRON
+told	VERB
+the	DET
+bus	NOUN
+driver	NOUN
+where	ADV
+to	PART
+drop	VERB
+her	PRON
+off	ADP
+.	PUNCT
+
+I	PRON
+notified	VERB
+her	PRON
+grandmother	NOUN
+with	ADP
+the	DET
+time	NOUN
+of	ADP
+the	DET
+departure	NOUN
+.	PUNCT
+
+And	CCONJ
+I	PRON
+was	AUX
+relieved	ADJ
+when	ADV
+Nicki	PROPN
+called	VERB
+to	PART
+let	VERB
+me	PRON
+know	VERB
+she	PRON
+was	AUX
+home	ADV
+safe	ADJ
+.	PUNCT
+
+Please	INTJ
+send	VERB
+the	DET
+memo	NOUN
+to	ADP
+the	DET
+EGM	PROPN
+business	NOUN
+heads	NOUN
+as	ADV
+well	ADV
+.	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+Jeff	PROPN
+
+Jana	PROPN
+Giovannini	PROPN
+
+01/26/2001	NUM
+10:51	NUM
+AM	NOUN
+
+Actually	ADV
+,	PUNCT
+Jen	PROPN
+has	AUX
+volunteered	VERB
+for	ADP
+the	DET
+afternoon	NOUN
+session	NOUN
+.	PUNCT
+
+I	PRON
+spoke	VERB
+to	ADP
+her	PRON
+prior	ADJ
+to	ADP
+my	PRON
+note	NOUN
+.	PUNCT
+
+Is	VERB
+there	PRON
+anyone	PRON
+else	ADJ
+in	ADP
+EGM	PROPN
+that	PRON
+could	AUX
+participate	VERB
+?	PUNCT
+
+Please	INTJ
+let	VERB
+me	PRON
+know	VERB
+.	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+Jen	PROPN
+,	PUNCT
+please	INTJ
+take	VERB
+care	NOUN
+of	ADP
+this	PRON
+for	ADP
+EGM	PROPN
+
+Jana	PROPN
+Giovannini	PROPN
+
+01/24/2001	NUM
+11:42	NUM
+AM	NOUN
+
+All	DET
+,	PUNCT
+
+The	DET
+Analyst	NOUN
+and	CCONJ
+Associate	NOUN
+Programs	NOUN
+recognize	VERB
+we	PRON
+have	VERB
+many	ADJ
+Analyst	NOUN
+needs	NOUN
+that	PRON
+need	VERB
+to	PART
+be	AUX
+addressed	VERB
+immediately	ADV
+.	PUNCT
+
+While	SCONJ
+we	PRON
+anticipate	VERB
+many	ADJ
+new	ADJ
+Analysts	NOUN
+joining	VERB
+Enron	PROPN
+this	DET
+summer	NOUN
+(	PUNCT
+late	ADJ
+May	PROPN
+)	PUNCT
+and	CCONJ
+fulltime	ADV
+(	PUNCT
+August	PROPN
+)	PUNCT
+we	PRON
+felt	VERB
+it	PRON
+necessary	ADJ
+to	PART
+address	VERB
+some	DET
+of	ADP
+the	DET
+immediate	ADJ
+needs	NOUN
+with	ADP
+an	DET
+Off	ADP
+-	PUNCT
+Cycle	NOUN
+Recruiting	NOUN
+event	NOUN
+.	PUNCT
+
+We	PRON
+are	AUX
+planning	VERB
+this	DET
+event	NOUN
+for	ADP
+Thursday	PROPN
+,	PUNCT
+February	PROPN
+15	NUM
+and	CCONJ
+are	AUX
+inviting	VERB
+approximately	ADV
+30	NUM
+candidates	NOUN
+to	PART
+be	AUX
+interviewed	VERB
+.	PUNCT
+
+I	PRON
+am	AUX
+asking	VERB
+that	SCONJ
+you	PRON
+forward	VERB
+this	DET
+note	NOUN
+to	ADP
+any	DET
+potential	ADJ
+interviewers	NOUN
+(	PUNCT
+Managers	NOUN
+or	CCONJ
+above	ADV
+)	PUNCT
+.	PUNCT
+
+We	PRON
+will	AUX
+conduct	VERB
+first	ADJ
+round	NOUN
+interviews	NOUN
+in	ADP
+the	DET
+morning	NOUN
+and	CCONJ
+the	DET
+second	ADJ
+round	NOUN
+interviews	NOUN
+in	ADP
+the	DET
+afternoon	NOUN
+.	PUNCT
+
+We	PRON
+need	VERB
+for	SCONJ
+interviewers	NOUN
+to	PART
+commit	VERB
+either	CCONJ
+to	ADP
+the	DET
+morning	NOUN
+(	PUNCT
+9	NUM
+am	NOUN
+-	SYM
+12	NUM
+pm	NOUN
+)	PUNCT
+or	CCONJ
+afternoon	NOUN
+(	PUNCT
+2	NUM
+pm	NOUN
+-	SYM
+5	NUM
+pm	NOUN
+)	PUNCT
+complete	ADJ
+session	NOUN
+.	PUNCT
+
+Please	INTJ
+submit	VERB
+your	PRON
+response	NOUN
+using	VERB
+the	DET
+buttons	NOUN
+below	ADV
+and	CCONJ
+update	VERB
+your	PRON
+calendar	NOUN
+for	ADP
+this	DET
+date	NOUN
+.	PUNCT
+
+In	ADP
+addition	NOUN
+,	PUNCT
+we	PRON
+will	AUX
+need	VERB
+the	DET
+groups	NOUN
+that	PRON
+have	VERB
+current	ADJ
+needs	NOUN
+to	PART
+commit	VERB
+to	SCONJ
+taking	VERB
+one	NUM
+or	CCONJ
+more	ADJ
+of	ADP
+these	DET
+Analysts	NOUN
+should	AUX
+they	PRON
+be	AUX
+extended	VERB
+an	DET
+offer	NOUN
+.	PUNCT
+
+Thanks	NOUN
+in	ADP
+advance	NOUN
+for	ADP
+your	PRON
+cooperation	NOUN
+.	PUNCT
+
+Thank	VERB
+you	PRON
+,	PUNCT
+
+Jana	PROPN
+
+Where	ADV
+does	VERB
+our	PRON
+50	NUM
+%	SYM
+(	PUNCT
+the	DET
+1.65	NUM
+million	NUM
+dollars	NOUN
+)	PUNCT
+show	VERB
+up	ADP
+?	PUNCT
+
+Can	AUX
+you	PRON
+provide	VERB
+me	PRON
+with	ADP
+more	ADJ
+details	NOUN
+?	PUNCT
+
+Great	ADJ
+job	NOUN
+,	PUNCT
+guys	NOUN
+.	PUNCT
+
+Eric	PROPN
+Gonzales	PROPN
+
+01/25/2001	NUM
+02:02	NUM
+AM	NOUN
+
+Great	ADJ
+job	NOUN
+gentlemen	NOUN
+!	PUNCT
+
+This	DET
+deviation	NOUN
+shows	VERB
+that	SCONJ
+Eco	PROPN
+definitely	ADV
+has	VERB
+a	DET
+significant	ADJ
+amount	NOUN
+of	ADP
+option	NOUN
+value	NOUN
+which	PRON
+can	AUX
+be	AUX
+exploited	VERB
+with	ADP
+quick	ADJ
+reactions	NOUN
+and	CCONJ
+favourable	ADJ
+market	NOUN
+movements	NOUN
+.	PUNCT
+
+Eric	PROPN
+
+Wayne	X
+Perry@ENRON_DEVELOPMENT	X
+
+25/01/2001	NUM
+00:20	NUM
+
+Finally	ADV
+completed	VERB
+tonight	NOUN
+
+Net	ADJ
+to	ADP
+Enron	PROPN
+LNG	PROPN
+Marketing	PROPN
+Company	PROPN
+-	PUNCT
+$	SYM
+272,000	NUM
+(	PUNCT
+$	SYM
+0.10	NUM
+/	SYM
+mmbtu	NOUN
+)	PUNCT
+
+Net	ADJ
+to	ADP
+Eco	PROPN
+about	ADV
+$	SYM
+3,300,000	NUM
+(	PUNCT
+Enron	PROPN
+50	NUM
+%	SYM
+share	NOUN
+about	ADV
+$	SYM
+1,650,000	NUM
+)	PUNCT
+
+Enron	PROPN
+total	ADJ
+gain	NOUN
+not	ADV
+counting	VERB
+ENA	PROPN
+'s	PART
+trading	NOUN
+desk	NOUN
+margin	NOUN
+is	AUX
+$	SYM
+1,922,000	NUM
+
+Not	PART
+bad	ADJ
+for	ADP
+a	DET
+single	ADJ
+cargo	NOUN
+.	PUNCT
+
+Wayne	PROPN
+
+Jen	PROPN
+,	PUNCT
+please	INTJ
+take	VERB
+care	NOUN
+of	ADP
+this	PRON
+for	ADP
+EGM	PROPN
+
+Marianne	PROPN
+:	PUNCT
+The	DET
+following	VERB
+are	AUX
+my	PRON
+comments	NOUN
+:	PUNCT
+
+1	X
+.	PUNCT
+In	ADP
+Section	NOUN
+1.1	NUM
+,	PUNCT
+there	PRON
+should	AUX
+be	VERB
+a	DET
+parentheses	NOUN
+after	ADP
+etc.	NOUN
+in	ADP
+the	DET
+5th	ADJ
+line	NOUN
+.	PUNCT
+
+2	X
+.	PUNCT
+In	ADP
+Section	NOUN
+3.1	NUM
+,	PUNCT
+in	ADP
+the	DET
+last	ADJ
+sentence	NOUN
+after	ADP
+the	DET
+proviso	NOUN
+insert	VERB
+"	PUNCT
+a	NOUN
+"	PUNCT
+before	ADP
+the	DET
+word	NOUN
+"	PUNCT
+change	NOUN
+"	PUNCT
+and	CCONJ
+after	ADP
+the	DET
+word	NOUN
+"	PUNCT
+in	NOUN
+"	PUNCT
+.	PUNCT
+
+3	X
+.	PUNCT
+In	ADP
+Section	NOUN
+6.1	NUM
+,	PUNCT
+change	VERB
+20	NUM
+Business	NOUN
+Days	NOUN
+to	ADP
+20	NUM
+days	NOUN
+.	PUNCT
+
+Also	ADV
+,	PUNCT
+add	VERB
+a	DET
+semicolon	NOUN
+at	ADP
+the	DET
+end	NOUN
+of	ADP
+clause	NOUN
+(	PUNCT
+i	NUM
+)	PUNCT
+.	PUNCT
+
+4	X
+.	PUNCT
+In	ADP
+Section	NOUN
+6.2.1	NUM
+I	PRON
+'ll	AUX
+just	ADV
+note	VERB
+that	SCONJ
+the	DET
+discount	NOUN
+rate	NOUN
+sentence	NOUN
+I	PRON
+think	VERB
+is	AUX
+still	ADV
+an	DET
+open	ADJ
+issue	NOUN
+.	PUNCT
+
+5	X
+.	PUNCT
+In	ADP
+Section	NOUN
+6.3	NUM
+,	PUNCT
+clause	NOUN
+(	PUNCT
+c	NOUN
+)	PUNCT
+should	AUX
+be	AUX
+reworded	VERB
+to	PART
+fit	VERB
+with	ADP
+the	DET
+language	NOUN
+in	ADP
+the	DET
+beginning	NOUN
+of	ADP
+the	DET
+Section	NOUN
+.	PUNCT
+
+6	X
+.	PUNCT
+Capitalize	VERB
+the	DET
+word	NOUN
+"	PUNCT
+facility	NOUN
+"	PUNCT
+in	ADP
+the	DET
+definition	NOUN
+of	ADP
+Average	ADJ
+Annual	ADJ
+Load	NOUN
+Factor	NOUN
+.	PUNCT
+
+7	X
+.	PUNCT
+Delete	VERB
+the	DET
+definition	NOUN
+of	ADP
+Costs	NOUN
+as	SCONJ
+it	PRON
+is	AUX
+already	ADV
+defined	VERB
+in	ADP
+Section	NOUN
+6.2.1	NUM
+.	PUNCT
+
+8	X
+.	PUNCT
+Where	ADV
+is	AUX
+the	DET
+defined	VERB
+term	NOUN
+Govt	NOUN
+Authority	NOUN
+used	VERB
+?	PUNCT
+
+9	X
+.	PUNCT
+In	ADP
+the	DET
+GTC	NOUN
+,	PUNCT
+the	DET
+ECP	NOUN
+rep	NOUN
+should	AUX
+also	ADV
+apply	VERB
+to	ADP
+EESI	NOUN
+.	PUNCT
+
+Also	ADV
+,	PUNCT
+in	ADP
+the	DET
+7th	ADJ
+line	NOUN
+of	ADP
+the	DET
+reps	NOUN
+add	VERB
+the	DET
+word	NOUN
+"	PUNCT
+into	NOUN
+"	PUNCT
+after	ADP
+the	DET
+word	NOUN
+"	PUNCT
+entered	NOUN
+"	PUNCT
+and	CCONJ
+before	ADP
+the	DET
+word	NOUN
+"	PUNCT
+this	NOUN
+"	PUNCT
+.	PUNCT
+
+10	X
+.	PUNCT
+In	ADP
+Collateral	NOUN
+Requests	NOUN
+,	PUNCT
+insert	VERB
+a	DET
+comma	NOUN
+after	ADP
+deposit	NOUN
+in	ADP
+the	DET
+last	ADJ
+line	NOUN
+.	PUNCT
+
+I	PRON
+will	AUX
+also	ADV
+add	VERB
+granting	NOUN
+/	PUNCT
+perfection	NOUN
+language	NOUN
+.	PUNCT
+
+11	X
+.	PUNCT
+In	ADP
+Events	NOUN
+of	ADP
+Default	NOUN
+,	PUNCT
+clause	NOUN
+(	PUNCT
+a	NOUN
+)	PUNCT
+refers	VERB
+to	ADP
+a	DET
+dispute	NOUN
+section	NOUN
+which	PRON
+I	PRON
+'m	AUX
+not	PART
+sure	ADJ
+exists	VERB
+.	PUNCT
+
+In	ADP
+clause	NOUN
+(	PUNCT
+e	NOUN
+)	PUNCT
+,	PUNCT
+delete	VERB
+the	DET
+"	PUNCT
+s	NOUN
+"	PUNCT
+:	PUNCT
+from	ADP
+the	DET
+word	NOUN
+consolidation	NOUN
+.	PUNCT
+
+12	X
+.	PUNCT
+Remedies	NOUN
+should	AUX
+be	AUX
+deleted	VERB
+as	SCONJ
+it	PRON
+is	AUX
+already	ADV
+covered	VERB
+in	ADP
+Section	NOUN
+6.1	NUM
+.	PUNCT
+
+13	X
+.	PUNCT
+In	ADP
+UCC	NOUN
+/	PUNCT
+Disclaimer	NOUN
+of	ADP
+warranties	NOUN
+,	PUNCT
+add	VERB
+a	DET
+clause	NOUN
+(	PUNCT
+c	NOUN
+)	PUNCT
+.	PUNCT
+
+I	PRON
+would	AUX
+add	VERB
+setoff	NOUN
+language	NOUN
+.	PUNCT
+
+Carol	PROPN
+St.	PROPN
+Clair	PROPN
+EB	PROPN
+3889	NUM
+713-853-3989	NUM
+(	PUNCT
+Phone	NOUN
+)	PUNCT
+713-646-3393	NUM
+(	PUNCT
+Fax	NOUN
+)	PUNCT
+carol.st.clair@enron.com	X
+
+Marianne	X
+Castano@EES	X
+
+05/30/2001	NUM
+11:05	NUM
+AM	NOUN
+
+Carol	PROPN
+:	PUNCT
+
+I	PRON
+have	AUX
+attempted	VERB
+to	PART
+incorporate	VERB
+the	DET
+changes	NOUN
+that	PRON
+Jim	PROPN
+has	AUX
+incorporated	VERB
+in	ADP
+our	PRON
+long	ADJ
+form	NOUN
+power	NOUN
+agreement	NOUN
+which	PRON
+ENA	PROPN
+has	AUX
+suggested	VERB
+to	ADP
+date	NOUN
+into	ADP
+the	DET
+short	ADJ
+form	NOUN
+.	PUNCT
+
+Attached	VERB
+please	INTJ
+find	VERB
+a	DET
+sample	NOUN
+short	ADJ
+form	NOUN
+(	PUNCT
+for	ADP
+the	DET
+Con	NOUN
+Ed	NOUN
+market	NOUN
+)	PUNCT
+for	ADP
+your	PRON
+review	NOUN
+.	PUNCT
+
+Please	INTJ
+note	VERB
+the	DET
+following	VERB
+as	SCONJ
+you	PRON
+review	VERB
+:	PUNCT
+
+1	X
+.	PUNCT
+The	DET
+short	ADJ
+forms	NOUN
+do	AUX
+not	PART
+contain	VERB
+the	DET
+optionality	NOUN
+relating	VERB
+to	SCONJ
+our	PRON
+performing	VERB
+billing	NOUN
+services	NOUN
+--	PUNCT
+all	DET
+of	ADP
+our	PRON
+midmarket	ADJ
+forms	NOUN
+anticipate	VERB
+that	SCONJ
+we	PRON
+will	AUX
+act	VERB
+as	ADP
+customer	NOUN
+'s	PART
+billing	NOUN
+agent	NOUN
+and	CCONJ
+that	SCONJ
+we	PRON
+will	AUX
+collect	VERB
+all	DET
+amounts	NOUN
+due	ADJ
+related	ADJ
+to	ADP
+T&D	NOUN
+and	CCONJ
+the	DET
+like	ADJ
+from	ADP
+the	DET
+customer	NOUN
+(	PUNCT
+and	CCONJ
+reflect	VERB
+same	ADJ
+on	ADP
+our	PRON
+invoice	NOUN
+)	PUNCT
+and	CCONJ
+pass	VERB
+those	DET
+amounts	NOUN
+on	ADV
+to	ADP
+the	DET
+customer	NOUN
+'s	PART
+utility	NOUN
+.	PUNCT
+
+2	X
+.	PUNCT
+I	PRON
+did	AUX
+not	PART
+include	VERB
+a	DET
+"	PUNCT
+Setoff	NOUN
+"	PUNCT
+provision	NOUN
+in	ADP
+this	DET
+draft	NOUN
+,	PUNCT
+mainly	ADV
+because	SCONJ
+the	DET
+vast	ADJ
+majority	NOUN
+of	ADP
+the	DET
+time	NOUN
+,	PUNCT
+we	PRON
+will	AUX
+not	PART
+,	PUNCT
+nor	CCONJ
+will	AUX
+an	DET
+affiliate	NOUN
+,	PUNCT
+have	VERB
+another	DET
+agreement	NOUN
+in	ADP
+place	NOUN
+with	ADP
+these	DET
+customers	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+feel	VERB
+strongly	ADV
+about	SCONJ
+our	PRON
+including	VERB
+a	DET
+setoff	NOUN
+provision	NOUN
+,	PUNCT
+we	PRON
+will	AUX
+do	VERB
+so	ADV
+.	PUNCT
+
+3	X
+.	PUNCT
+The	DET
+change	NOUN
+in	ADP
+law	NOUN
+provision	NOUN
+reads	VERB
+a	DET
+bit	NOUN
+differently	ADV
+from	ADP
+the	DET
+long	ADJ
+form	NOUN
+--	PUNCT
+the	DET
+thinking	NOUN
+here	ADV
+is	VERB
+that	SCONJ
+the	DET
+long	ADJ
+form	NOUN
+language	NOUN
+is	AUX
+very	ADV
+lengthy	ADJ
+and	CCONJ
+rather	ADV
+harsh	ADJ
+(	PUNCT
+and	CCONJ
+we	PRON
+'ve	AUX
+had	VERB
+great	ADJ
+difficulty	NOUN
+selling	VERB
+it	PRON
+in	ADP
+the	DET
+past	NOUN
+)	PUNCT
+.	PUNCT
+
+Taking	VERB
+into	ADP
+consideration	NOUN
+this	DET
+class	NOUN
+of	ADP
+customer	NOUN
+,	PUNCT
+we	PRON
+decided	VERB
+to	PART
+include	VERB
+certain	ADJ
+items	NOUN
+,	PUNCT
+including	VERB
+our	PRON
+inability	NOUN
+to	PART
+cover	VERB
+our	PRON
+costs	NOUN
+due	ADP
+to	ADP
+a	DET
+change	NOUN
+in	ADP
+law	NOUN
+,	PUNCT
+rules	NOUN
+or	CCONJ
+practices	NOUN
+as	ADP
+a	DET
+"	PUNCT
+force	NOUN
+majeure	NOUN
+event	NOUN
+"	PUNCT
+in	ADP
+an	DET
+effort	NOUN
+to	PART
+soften	VERB
+the	DET
+approach	NOUN
+(	PUNCT
+see	VERB
+the	DET
+GTCs	NOUN
+)	PUNCT
+.	PUNCT
+
+Also	ADV
+we	PRON
+do	AUX
+not	PART
+address	VERB
+calculation	NOUN
+of	ADP
+a	DET
+termination	NOUN
+payment	NOUN
+in	ADP
+the	DET
+event	NOUN
+of	ADP
+a	DET
+change	NOUN
+in	ADP
+law	NOUN
+as	SCONJ
+the	DET
+long	ADJ
+form	NOUN
+does	VERB
+--	PUNCT
+again	ADV
+,	PUNCT
+more	ADV
+in	ADP
+the	DET
+interest	NOUN
+of	SCONJ
+"	PUNCT
+saving	VERB
+space	NOUN
+"	PUNCT
+than	ADP
+anything	PRON
+else	ADJ
+...	PUNCT
+
+Let	VERB
+us	PRON
+know	VERB
+your	PRON
+thoughts	NOUN
+on	ADP
+this	DET
+document	NOUN
+and	CCONJ
+if	SCONJ
+you	PRON
+are	AUX
+comfortable	ADJ
+with	SCONJ
+our	PRON
+using	VERB
+this	PRON
+until	ADP
+such	ADJ
+time	NOUN
+as	SCONJ
+the	DET
+hybrid	NOUN
+form	NOUN
+is	AUX
+launched	VERB
+.	PUNCT
+
+If	SCONJ
+you	PRON
+are	AUX
+comfortable	ADJ
+,	PUNCT
+we	PRON
+will	AUX
+drive	VERB
+these	DET
+changes	NOUN
+into	ADP
+our	PRON
+other	ADJ
+midmarket	ADJ
+power	NOUN
+forms	NOUN
+.	PUNCT
+
+Thanks	NOUN
+again	ADV
+for	ADP
+your	PRON
+help	NOUN
+with	ADP
+this	DET
+project	NOUN
+,	PUNCT
+
+Marianne	PROPN
+
+P.S.	NOUN
+Please	INTJ
+be	AUX
+sure	ADJ
+to	PART
+copy	VERB
+Sarah	PROPN
+Dietrich	PROPN
+and	CCONJ
+Jennifer	PROPN
+Hillegonds	PROPN
+on	ADP
+your	PRON
+response	NOUN
+--	PUNCT
+they	PRON
+will	AUX
+be	AUX
+taking	VERB
+this	DET
+project	NOUN
+during	ADP
+my	PRON
+"	PUNCT
+hiatus	NOUN
+"	PUNCT
+--	PUNCT
+I	PRON
+am	AUX
+moving	VERB
+to	ADP
+PA	PROPN
+on	ADP
+Friday	PROPN
+of	ADP
+this	DET
+week	NOUN
+,	PUNCT
+and	CCONJ
+will	AUX
+be	AUX
+out	ADP
+of	ADP
+pocket	NOUN
+through	ADP
+approximately	ADV
+7/16	NUM
+.	PUNCT
+
+I	PRON
+will	AUX
+start	VERB
+up	ADP
+again	ADV
+in	ADP
+mid-July	PROPN
+...	PUNCT
+
+John	PROPN
+:	PUNCT
+
+I	PRON
+have	AUX
+faxed	VERB
+to	ADP
+you	PRON
+the	DET
+form	NOUN
+of	ADP
+Bond	NOUN
+,	PUNCT
+our	PRON
+proposed	VERB
+Bond	NOUN
+provisions	NOUN
+and	CCONJ
+the	DET
+EEI	NOUN
+Master	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+waiting	VERB
+on	ADP
+the	DET
+confirms	NOUN
+and	CCONJ
+will	AUX
+send	VERB
+them	PRON
+to	ADP
+you	PRON
+shortly	ADV
+by	ADP
+fax	NOUN
+or	CCONJ
+e-mail	NOUN
+.	PUNCT
+
+Carol	PROPN
+St.	PROPN
+Clair	PROPN
+EB	PROPN
+3889	NUM
+713-853-3989	NUM
+(	PUNCT
+Phone	NOUN
+)	PUNCT
+713-646-3393	NUM
+(	PUNCT
+Fax	NOUN
+)	PUNCT
+carol.st.clair@enron.com	X
+
+Carol	PROPN
+St.	PROPN
+Clair	PROPN
+EB	PROPN
+3889	NUM
+713-853-3989	NUM
+(	PUNCT
+Phone	NOUN
+)	PUNCT
+713-646-3393	NUM
+(	PUNCT
+Fax	NOUN
+)	PUNCT
+carol.st.clair@enron.com	X
+
+Carol	PROPN
+St	PROPN
+Clair	PROPN
+
+05/31/2001	NUM
+09:01	NUM
+AM	NOUN
+
+Phyllis	PROPN
+:	PUNCT
+
+Our	PRON
+letter	NOUN
+of	ADP
+credit	NOUN
+person	NOUN
+would	AUX
+be	AUX
+more	ADV
+comfortable	ADJ
+if	SCONJ
+we	PRON
+deleted	VERB
+all	DET
+of	ADP
+the	DET
+language	NOUN
+that	PRON
+makes	VERB
+the	DET
+LC	NOUN
+transferable	ADJ
+.	PUNCT
+
+Are	AUX
+you	PRON
+okay	ADJ
+with	ADP
+that	PRON
+?	PUNCT
+
+If	SCONJ
+so	ADV
+,	PUNCT
+are	AUX
+we	PRON
+ready	ADJ
+to	PART
+execute	VERB
+?	PUNCT
+
+Carol	PROPN
+St.	PROPN
+Clair	PROPN
+EB	PROPN
+3889	NUM
+713-853-3989	NUM
+(	PUNCT
+Phone	NOUN
+)	PUNCT
+713-646-3393	NUM
+(	PUNCT
+Fax	NOUN
+)	PUNCT
+carol.st.clair@enron.com	X
+
+lemelpe@NU.COM	X
+
+05/30/2001	NUM
+03:00	NUM
+PM	NOUN
+
+Carol	PROPN
+:	PUNCT
+
+I	PRON
+understand	VERB
+that	SCONJ
+we	PRON
+are	AUX
+still	ADV
+reviewing	VERB
+the	DET
+attachment	NOUN
+that	PRON
+lists	VERB
+the	DET
+open	ADJ
+transactions	NOUN
+.	PUNCT
+
+How	ADV
+are	AUX
+you	PRON
+making	VERB
+out	ADP
+on	ADP
+the	DET
+revised	VERB
+version	NOUN
+of	ADP
+the	DET
+LOC	NOUN
+?	PUNCT
+
+Marianne	PROPN
+:	PUNCT
+
+In	ADP
+addition	NOUN
+to	ADP
+my	PRON
+other	ADJ
+comments	NOUN
+on	ADP
+the	DET
+Mid	X
+Market	NOUN
+Power	NOUN
+Form	NOUN
+,	PUNCT
+I	PRON
+think	VERB
+you	PRON
+should	AUX
+add	VERB
+a	DET
+forward	ADJ
+contract	NOUN
+rep	NOUN
+.	PUNCT
+
+Carol	PROPN
+St.	PROPN
+Clair	PROPN
+EB	PROPN
+3889	NUM
+713-853-3989	NUM
+(	PUNCT
+Phone	NOUN
+)	PUNCT
+713-646-3393	NUM
+(	PUNCT
+Fax	NOUN
+)	PUNCT
+carol.st.clair@enron.com	X
+
+Christie	PROPN
+or	CCONJ
+Cass	PROPN
+:	PUNCT
+
+Are	AUX
+we	PRON
+playing	VERB
+tomorrow	NOUN
+at	ADP
+9:30	NUM
+?	PUNCT
+
+Carol	PROPN
+St.	PROPN
+Clair	PROPN
+EB	PROPN
+3889	NUM
+713-853-3989	NUM
+(	PUNCT
+Phone	NOUN
+)	PUNCT
+713-646-3393	NUM
+(	PUNCT
+Fax	NOUN
+)	PUNCT
+carol.st.clair@enron.com	X
+
+Rhonda	PROPN
+:	PUNCT
+
+As	SCONJ
+I	PRON
+mentioned	VERB
+in	ADP
+my	PRON
+e-mail	NOUN
+,	PUNCT
+John	PROPN
+Lepore	PROPN
+at	ADP
+Select	PROPN
+Energy	PROPN
+(	PUNCT
+Settlements	NOUN
+Group	NOUN
+)	PUNCT
+is	AUX
+trying	VERB
+to	PART
+reconcile	VERB
+our	PRON
+list	NOUN
+with	ADP
+his	PRON
+list	NOUN
+.	PUNCT
+
+He	PRON
+needs	VERB
+more	ADJ
+info	NOUN
+about	ADP
+these	DET
+trades	NOUN
+(	PUNCT
+i.e.	X
+,	PUNCT
+price	NOUN
+info	NOUN
+)	PUNCT
+and	CCONJ
+would	AUX
+like	VERB
+to	PART
+talk	VERB
+with	ADP
+you	PRON
+about	ADP
+it	PRON
+.	PUNCT
+
+His	PRON
+number	NOUN
+is	AUX
+860-665-2368	NUM
+and	CCONJ
+e-mail	NOUN
+address	NOUN
+is	AUX
+leporjj@selectenergy.com	X
+.	PUNCT
+
+Once	SCONJ
+we	PRON
+agree	VERB
+on	ADP
+the	DET
+list	NOUN
+,	PUNCT
+we	PRON
+can	AUX
+sign	VERB
+the	DET
+EEI	NOUN
+Master	NOUN
+.	PUNCT
+
+Carol	PROPN
+St.	PROPN
+Clair	PROPN
+EB	PROPN
+3889	NUM
+713-853-3989	NUM
+(	PUNCT
+Phone	NOUN
+)	PUNCT
+713-646-3393	NUM
+(	PUNCT
+Fax	NOUN
+)	PUNCT
+carol.st.clair@enron.com	X
+
+Rhonda	PROPN
+L	PROPN
+Denton	PROPN
+
+05/25/2001	NUM
+12:45	NUM
+PM	NOUN
+
+Here	ADV
+'s	AUX
+everything	PRON
+that	PRON
+flows	VERB
+from	ADP
+5/1/01	NUM
+forward	ADV
+.	PUNCT
+
+Carol	PROPN
+St	PROPN
+Clair	PROPN
+05/25/2001	NUM
+12:01	NUM
+PM	NOUN
+
+We	PRON
+need	VERB
+to	PART
+include	VERB
+all	DET
+outstanding	ADJ
+transactions	NOUN
+.	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+Carol	PROPN
+St.	PROPN
+Clair	PROPN
+EB	PROPN
+3889	NUM
+713-853-3989	NUM
+(	PUNCT
+Phone	NOUN
+)	PUNCT
+713-646-3393	NUM
+(	PUNCT
+Fax	NOUN
+)	PUNCT
+carol.st.clair@enron.com	X
+
+Rhonda	PROPN
+L	PROPN
+Denton	PROPN
+
+05/25/2001	NUM
+11:45	NUM
+AM	NOUN
+
+Do	AUX
+you	PRON
+want	VERB
+6/1/01	NUM
+and	CCONJ
+forward	ADV
+or	CCONJ
+do	AUX
+you	PRON
+want	VERB
+to	PART
+include	VERB
+all	DET
+of	ADP
+May	PROPN
+since	SCONJ
+they	PRON
+have	AUX
+not	PART
+been	AUX
+settled	VERB
+?	PUNCT
+
+Just	ADV
+let	VERB
+me	PRON
+know	VERB
+and	CCONJ
+I	PRON
+can	AUX
+send	VERB
+you	PRON
+a	DET
+new	ADJ
+attachment	NOUN
+.	PUNCT
+
+Carol	PROPN
+St	PROPN
+Clair	PROPN
+05/25/2001	NUM
+10:56	NUM
+AM	NOUN
+
+Rhonda	PROPN
+:	PUNCT
+
+Does	AUX
+Attachment	NOUN
+A	NOUN
+to	ADP
+the	DET
+Select	ADJ
+EEI	NOUN
+Master	NOUN
+need	VERB
+to	PART
+be	AUX
+updated	VERB
+or	CCONJ
+is	AUX
+the	DET
+version	NOUN
+that	PRON
+you	PRON
+sent	VERB
+to	ADP
+me	PRON
+the	DET
+current	ADJ
+version	NOUN
+?	PUNCT
+
+Carol	PROPN
+St.	PROPN
+Clair	PROPN
+EB	PROPN
+3889	NUM
+713-853-3989	NUM
+(	PUNCT
+Phone	NOUN
+)	PUNCT
+713-646-3393	NUM
+(	PUNCT
+Fax	NOUN
+)	PUNCT
+carol.st.clair@enron.com	X
+
+lemelpe@NU.COM	X
+
+05/25/2001	NUM
+10:44	NUM
+AM	NOUN
+
+Carol	PROPN
+-	PUNCT
+
+I	PRON
+think	VERB
+Valerie	PROPN
+Mooney	PROPN
+(	PUNCT
+our	PRON
+credit	NOUN
+person	NOUN
+)	PUNCT
+and	CCONJ
+Ed	PROPN
+Sacks	PROPN
+are	AUX
+still	ADV
+discussing	VERB
+some	DET
+minor	ADJ
+fine	ADJ
+tuning	NOUN
+of	ADP
+the	DET
+LOC	NOUN
+format	NOUN
+.	PUNCT
+
+I	PRON
+spoke	VERB
+to	ADP
+Bob	PROPN
+Bruce	PROPN
+this	DET
+morning	NOUN
+-	PUNCT
+we	PRON
+'re	AUX
+all	ADV
+set	ADJ
+on	ADP
+the	DET
+language	NOUN
+in	ADP
+the	DET
+Schedule	NOUN
+to	ADP
+the	DET
+ISDA	NOUN
+,	PUNCT
+and	CCONJ
+there	PRON
+is	VERB
+a	DET
+minor	ADJ
+credit	NOUN
+/	PUNCT
+billing	NOUN
+issue	NOUN
+in	ADP
+Paragraph	NOUN
+13	NUM
+related	ADJ
+to	ADP
+the	DET
+timing	NOUN
+of	ADP
+transfer	NOUN
+of	ADP
+interest	NOUN
+on	ADP
+collateral	NOUN
+that	PRON
+Val	PROPN
+will	AUX
+discuss	VERB
+with	ADP
+Ed	PROPN
+as	ADV
+well	ADV
+.	PUNCT
+
+As	ADV
+far	ADV
+as	SCONJ
+the	DET
+EEI	NOUN
+goes	VERB
+,	PUNCT
+the	DET
+only	ADJ
+remaining	VERB
+issue	NOUN
+that	PRON
+I	PRON
+'m	AUX
+aware	ADJ
+of	ADP
+(	PUNCT
+aside	ADV
+from	SCONJ
+finalizing	VERB
+the	DET
+LOC	NOUN
+)	PUNCT
+is	VERB
+whether	SCONJ
+we	PRON
+'ve	AUX
+finished	VERB
+coordinating	VERB
+the	DET
+Attachment	NOUN
+containing	VERB
+the	DET
+list	NOUN
+of	ADP
+prior	ADJ
+transactions	NOUN
+.	PUNCT
+
+Sounds	VERB
+like	SCONJ
+we	PRON
+may	AUX
+actually	ADV
+get	VERB
+these	DET
+documents	NOUN
+executed	VERB
+early	ADV
+next	ADJ
+week	NOUN
+.	PUNCT
+
+Phyllis	PROPN
+Lemell	PROPN
+
+Carol	PROPN
+St.	PROPN
+Clair	PROPN
+EB	PROPN
+3889	NUM
+713-853-3989	NUM
+(	PUNCT
+Phone	NOUN
+)	PUNCT
+713-646-3393	NUM
+(	PUNCT
+Fax	NOUN
+)	PUNCT
+carol.st.clair@enron.com	X
+
+Rhonda	PROPN
+L	PROPN
+Denton	PROPN
+
+06/01/2001	NUM
+03:20	NUM
+PM	NOUN
+
+I	PRON
+am	AUX
+missing	VERB
+Deal	NOUN
+No.	NOUN
+74419	NUM
+on	ADP
+your	PRON
+sheet	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+Enpower	PROPN
+No.	NOUN
+295870	NUM
+.	PUNCT
+
+Will	AUX
+fax	VERB
+.	PUNCT
+
+Rhonda	PROPN
+:	PUNCT
+
+Thanks	NOUN
+so	ADV
+much	ADV
+for	ADP
+your	PRON
+help	NOUN
+on	ADP
+this	PRON
+.	PUNCT
+
+Carol	PROPN
+St.	PROPN
+Clair	PROPN
+EB	PROPN
+3889	NUM
+713-853-3989	NUM
+(	PUNCT
+Phone	NOUN
+)	PUNCT
+713-646-3393	NUM
+(	PUNCT
+Fax	NOUN
+)	PUNCT
+carol.st.clair@enron.com	X
+
+Rhonda	PROPN
+L	PROPN
+Denton	PROPN
+
+06/01/2001	NUM
+03:20	NUM
+PM	NOUN
+
+I	PRON
+am	AUX
+missing	VERB
+Deal	NOUN
+No.	PROPN
+74419	NUM
+on	ADP
+your	PRON
+sheet	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+Enpower	PROPN
+No.	NOUN
+295870	NUM
+.	PUNCT
+
+Will	AUX
+fax	VERB
+.	PUNCT
+
+Carol	PROPN
+St.	PROPN
+Clair	PROPN
+EB	PROPN
+3889	NUM
+713-853-3989	NUM
+(	PUNCT
+Phone	NOUN
+)	PUNCT
+713-646-3393	NUM
+(	PUNCT
+Fax	NOUN
+)	PUNCT
+carol.st.clair@enron.com	X
+
+Rhonda	PROPN
+L	PROPN
+Denton	PROPN
+
+06/01/2001	NUM
+03:20	NUM
+PM	NOUN
+
+I	PRON
+am	AUX
+missing	VERB
+Deal	NOUN
+No.	NOUN
+74419	NUM
+on	ADP
+your	PRON
+sheet	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+Enpower	PROPN
+No.	NOUN
+295870	NUM
+.	PUNCT
+
+Will	AUX
+fax	VERB
+.	PUNCT
+
+Phyllis	PROPN
+:	PUNCT
+
+We	PRON
+can	AUX
+accept	VERB
+the	DET
+language	NOUN
+with	ADP
+your	PRON
+chnages	NOUN
+.	PUNCT
+
+Are	AUX
+we	PRON
+ready	ADJ
+to	PART
+execute	VERB
+?	PUNCT
+
+I	PRON
+am	AUX
+out	ADP
+of	ADP
+the	DET
+office	NOUN
+today	NOUN
+but	CCONJ
+will	AUX
+be	AUX
+back	ADV
+tomorrow	NOUN
+.	PUNCT
+
+Please	INTJ
+call	VERB
+me	PRON
+.	PUNCT
+
+thanks	NOUN
+.	PUNCT
+
+Carol	PROPN
+St.	PROPN
+Clair	PROPN
+EB	PROPN
+3889	NUM
+713-853-3989	NUM
+(	PUNCT
+Phone	NOUN
+)	PUNCT
+713-646-3393	NUM
+(	PUNCT
+Fax	NOUN
+)	PUNCT
+carol.st.clair@enron.com	X
+
+lemelpe@NU.COM	X
+
+06/04/01	NUM
+08:38	NUM
+AM	NOUN
+
+Carol	PROPN
+-	PUNCT
+
+Our	PRON
+credit	NOUN
+person	NOUN
+does	AUX
+n't	PART
+understand	VERB
+why	ADV
+the	DET
+transferability	NOUN
+language	NOUN
+needs	VERB
+to	PART
+be	AUX
+eliminated	VERB
+.	PUNCT
+
+It	PRON
+simply	ADV
+refers	VERB
+to	ADP
+the	DET
+same	ADJ
+ICC	NOUN
+publication	NOUN
+for	ADP
+the	DET
+transfer	NOUN
+process	NOUN
+that	PRON
+governs	VERB
+the	DET
+letter	NOUN
+of	ADP
+credit	NOUN
+generally	ADV
+.	PUNCT
+
+Is	VERB
+there	PRON
+some	DET
+specific	ADJ
+concern	NOUN
+that	PRON
+we	PRON
+can	AUX
+address	VERB
+?	PUNCT
+
+Russell	PROPN
+:	PUNCT
+
+Your	PRON
+comments	NOUN
+to	ADP
+the	DET
+transfer	NOUN
+agreement	NOUN
+were	AUX
+fine	ADJ
+.	PUNCT
+
+With	ADP
+respect	NOUN
+to	ADP
+the	DET
+Guaranty	NOUN
+,	PUNCT
+I	PRON
+will	AUX
+delete	VERB
+the	DET
+Schedule	NOUN
+.	PUNCT
+
+Our	PRON
+system	NOUN
+did	AUX
+not	PART
+show	VERB
+any	DET
+other	ADJ
+chnages	NOUN
+.	PUNCT
+
+Were	VERB
+there	PRON
+any	DET
+?	PUNCT
+
+Carol	PROPN
+
+Yes	INTJ
+.	PUNCT
+
+Carol	PROPN
+St.	PROPN
+Clair	PROPN
+EB	PROPN
+3889	NUM
+713-853-3989	NUM
+(	PUNCT
+Phone	NOUN
+)	PUNCT
+713-646-3393	NUM
+(	PUNCT
+Fax	NOUN
+)	PUNCT
+carol.st.clair@enron.com	X
+
+All	DET
+,	PUNCT
+
+Please	INTJ
+see	VERB
+the	DET
+attached	VERB
+Interconnect	NOUN
+Agreement	NOUN
+with	ADP
+Questar	PROPN
+.	PUNCT
+
+I	PRON
+wanted	VERB
+you	PRON
+all	DET
+to	PART
+have	VERB
+a	DET
+look	NOUN
+at	SCONJ
+what	PRON
+we	PRON
+believe	VERB
+is	AUX
+the	DET
+final	ADJ
+draft	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+a	DET
+fairly	ADV
+standard	ADJ
+,	PUNCT
+fully	ADV
+reimbursable	ADJ
+interconnect	NOUN
+with	ADP
+Questar	PROPN
+.	PUNCT
+
+Transwestern	PROPN
+will	AUX
+own	VERB
+and	CCONJ
+operate	VERB
+the	DET
+interconnect	NOUN
+.	PUNCT
+
+You	PRON
+will	AUX
+notice	VERB
+that	SCONJ
+Questar	PROPN
+has	AUX
+requested	VERB
+a	DET
+"	PUNCT
+Payment	NOUN
+Plan	NOUN
+"	PUNCT
+that	PRON
+details	VERB
+when	ADV
+they	PRON
+will	AUX
+pay	VERB
+Transwestern	PROPN
+for	ADP
+the	DET
+interconnect	NOUN
+due	ADP
+to	ADP
+the	DET
+recent	ADJ
+Enron	PROPN
+events	NOUN
+.	PUNCT
+
+If	SCONJ
+anyone	PRON
+has	VERB
+any	DET
+questions	NOUN
+or	CCONJ
+concerns	NOUN
+about	ADP
+the	DET
+timing	NOUN
+of	ADP
+these	DET
+payments	NOUN
+,	PUNCT
+please	INTJ
+give	VERB
+me	PRON
+a	DET
+call	NOUN
+.	PUNCT
+
+Also	ADV
+,	PUNCT
+you	PRON
+will	AUX
+notice	VERB
+this	DET
+interconnect	NOUN
+may	AUX
+not	PART
+be	AUX
+subject	ADJ
+to	ADP
+the	DET
+CIAC	NOUN
+tax	NOUN
+gross	NOUN
+up	NOUN
+,	PUNCT
+but	CCONJ
+to	PART
+protect	VERB
+ourselves	PRON
+,	PUNCT
+we	PRON
+have	AUX
+added	VERB
+language	NOUN
+in	ADP
+Para	NOUN
+3.2	NUM
+that	PRON
+protects	VERB
+us	PRON
+financially	ADV
+if	SCONJ
+the	DET
+IRS	PROPN
+ever	ADV
+comes	VERB
+back	ADV
+to	PART
+determine	VERB
+that	SCONJ
+this	DET
+interconnect	NOUN
+is	AUX
+subject	ADJ
+to	ADP
+the	DET
+CIAC	NOUN
+tax	NOUN
+.	PUNCT
+
+Robert	PROPN
+Guthrie	PROPN
+with	ADP
+the	DET
+tax	NOUN
+department	NOUN
+has	AUX
+worked	VERB
+with	ADP
+us	PRON
+to	PART
+develop	VERB
+this	DET
+language	NOUN
+.	PUNCT
+
+We	PRON
+hope	VERB
+to	PART
+execute	VERB
+this	DET
+Agreement	NOUN
+this	DET
+week	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+have	VERB
+any	DET
+comments	NOUN
+,	PUNCT
+please	INTJ
+let	VERB
+me	PRON
+know	VERB
+.	PUNCT
+
+After	ADP
+execution	NOUN
+,	PUNCT
+we	PRON
+will	AUX
+forward	VERB
+a	DET
+final	ADJ
+copy	NOUN
+to	ADP
+you	PRON
+for	ADP
+your	PRON
+files	NOUN
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Kim	PROPN
+713-853-3098	NUM
+
+<<	PUNCT
+File	NOUN
+:	PUNCT
+Questar	X
+So	X
+Trails	X
+Hub	X
+Interconnect	X
+02-05-02.doc	NOUN
+>>	PUNCT
+
+Earl	PROPN
+,	PUNCT
+
+We	PRON
+are	AUX
+looking	VERB
+at	SCONJ
+putting	VERB
+the	DET
+metering	NOUN
+facilities	NOUN
+on	ADP
+their	PRON
+ROW	NOUN
+(	PUNCT
+also	ADV
+,	PUNCT
+I	PRON
+think	VERB
+we	PRON
+will	AUX
+have	VERB
+to	PART
+purchase	VERB
+about	ADV
+50	NUM
+ft	NOUN
+of	ADP
+ROW	NOUN
+from	ADP
+ElPaso	PROPN
+to	PART
+get	VERB
+to	ADP
+Questar	PROPN
+'s	PART
+property	NOUN
+)	PUNCT
+.	PUNCT
+
+As	SCONJ
+you	PRON
+look	VERB
+at	ADP
+this	PRON
+,	PUNCT
+if	SCONJ
+for	ADP
+some	DET
+reason	NOUN
+we	PRON
+can	AUX
+not	PART
+obtain	VERB
+ElPaso	PROPN
+ROW	NOUN
+,	PUNCT
+we	PRON
+will	AUX
+have	VERB
+to	PART
+look	VERB
+at	ADP
+Plan	NOUN
+B	NOUN
+which	PRON
+would	AUX
+be	VERB
+to	PART
+put	VERB
+the	DET
+metering	NOUN
+on	ADP
+our	PRON
+ROW	NOUN
+.	PUNCT
+
+Our	PRON
+in	ADP
+-	PUNCT
+service	NOUN
+date	NOUN
+is	AUX
+May	PROPN
+1	NUM
+.	PUNCT
+
+If	SCONJ
+you	PRON
+think	VERB
+that	SCONJ
+May	PROPN
+1	NUM
+may	AUX
+be	AUX
+difficult	ADJ
+due	ADP
+to	SCONJ
+receiving	VERB
+the	DET
+parts	NOUN
+/	PUNCT
+materials	NOUN
+on	ADP
+a	DET
+timely	ADJ
+basis	NOUN
+because	ADP
+of	ADP
+the	DET
+issues	NOUN
+that	PRON
+vendors	VERB
+may	AUX
+have	VERB
+with	ADP
+us	PRON
+because	ADP
+of	ADP
+recent	ADJ
+Enron	PROPN
+events	NOUN
+,	PUNCT
+please	INTJ
+let	VERB
+me	PRON
+know	VERB
+.	PUNCT
+
+Questar	PROPN
+has	AUX
+already	ADV
+informed	VERB
+us	PRON
+that	SCONJ
+they	PRON
+would	AUX
+help	VERB
+obtain	VERB
+parts	NOUN
+/	PUNCT
+materials	NOUN
+to	ADP
+our	PRON
+specifications	NOUN
+if	SCONJ
+it	PRON
+helps	VERB
+achieve	VERB
+an	DET
+in	ADP
+-	PUNCT
+service	NOUN
+date	NOUN
+of	ADP
+May	PROPN
+1	NUM
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+Kim	PROPN
+.	PUNCT
+
+Kim	PROPN
+
+Has	AUX
+a	DET
+location	NOUN
+,	PUNCT
+Theirs	PRON
+or	CCONJ
+TW	PROPN
+land	NOUN
+/	PUNCT
+ROW	NOUN
+,	PUNCT
+been	AUX
+settled	VERB
+and	CCONJ
+when	ADV
+is	AUX
+the	DET
+required	VERB
+in	ADV
+-	PUNCT
+service	NOUN
+date	NOUN
+?	PUNCT
+
+Thanks	NOUN
+
+Earl	PROPN
+Chanley	PROPN
+505-625-8031	NUM
+
+All	DET
+,	PUNCT
+
+Please	INTJ
+see	VERB
+the	DET
+attached	VERB
+Interconnect	NOUN
+Agreement	NOUN
+with	ADP
+Questar	PROPN
+.	PUNCT
+
+I	PRON
+wanted	VERB
+you	PRON
+all	DET
+to	PART
+have	VERB
+a	DET
+look	NOUN
+at	SCONJ
+what	PRON
+we	PRON
+believe	VERB
+is	AUX
+the	DET
+final	ADJ
+draft	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+a	DET
+fairly	ADV
+standard	ADJ
+,	PUNCT
+fully	ADV
+reimbursable	ADJ
+interconnect	NOUN
+with	ADP
+Questar	PROPN
+.	PUNCT
+
+Transwestern	PROPN
+will	AUX
+own	VERB
+and	CCONJ
+operate	VERB
+the	DET
+interconnect	NOUN
+.	PUNCT
+
+You	PRON
+will	AUX
+notice	VERB
+that	SCONJ
+Questar	PROPN
+has	AUX
+requested	VERB
+a	DET
+"	PUNCT
+Payment	NOUN
+Plan	NOUN
+"	PUNCT
+that	PRON
+details	VERB
+when	ADV
+they	PRON
+will	AUX
+pay	VERB
+Transwestern	PROPN
+for	ADP
+the	DET
+interconnect	NOUN
+due	ADP
+to	ADP
+the	DET
+recent	ADJ
+Enron	PROPN
+events	NOUN
+.	PUNCT
+
+If	SCONJ
+anyone	PRON
+has	VERB
+any	DET
+questions	NOUN
+or	CCONJ
+concerns	NOUN
+about	ADP
+the	DET
+timing	NOUN
+of	ADP
+these	DET
+payments	NOUN
+,	PUNCT
+please	INTJ
+give	VERB
+me	PRON
+a	DET
+call	NOUN
+.	PUNCT
+
+Also	ADV
+,	PUNCT
+you	PRON
+will	AUX
+notice	VERB
+this	DET
+interconnect	NOUN
+may	AUX
+not	PART
+be	AUX
+subject	ADJ
+to	ADP
+the	DET
+CIAC	NOUN
+tax	NOUN
+gross	NOUN
+up	NOUN
+,	PUNCT
+but	CCONJ
+to	PART
+protect	VERB
+ourselves	PRON
+,	PUNCT
+we	PRON
+have	AUX
+added	VERB
+language	NOUN
+in	ADP
+Para	NOUN
+3.	NUM
+that	PRON
+protects	VERB
+us	PRON
+financially	ADV
+if	SCONJ
+the	DET
+IRS	PROPN
+ever	ADV
+comes	VERB
+back	ADV
+to	PART
+determine	VERB
+that	SCONJ
+this	DET
+interconnect	NOUN
+is	AUX
+subject	ADJ
+to	ADP
+the	DET
+CIAC	NOUN
+tax	NOUN
+.	PUNCT
+
+Robert	PROPN
+Guthrie	PROPN
+with	ADP
+the	DET
+tax	NOUN
+department	NOUN
+has	AUX
+worked	VERB
+with	ADP
+us	PRON
+to	PART
+develop	VERB
+this	DET
+language	NOUN
+.	PUNCT
+
+We	PRON
+hope	VERB
+to	PART
+execute	VERB
+this	DET
+Agreement	NOUN
+this	DET
+week	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+have	VERB
+any	DET
+comments	NOUN
+,	PUNCT
+please	INTJ
+let	VERB
+me	PRON
+know	VERB
+.	PUNCT
+
+After	ADP
+execution	NOUN
+,	PUNCT
+we	PRON
+will	AUX
+forward	VERB
+a	DET
+final	ADJ
+copy	NOUN
+to	ADP
+you	PRON
+for	ADP
+your	PRON
+files	NOUN
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Kim	PROPN
+713-853-3098	NUM
+
+<<	PUNCT
+File	NOUN
+:	PUNCT
+Questar	X
+So	X
+Trails	X
+Hub	X
+Interconnect	X
+02-05-02.doc	NOUN
+>>	PUNCT
+
+Are	VERB
+you	PRON
+back	ADV
+in	ADP
+the	DET
+office	NOUN
+yet	ADV
+?	PUNCT
+
+We	PRON
+'ve	AUX
+booked	VERB
+Italy	PROPN
+tickets	NOUN
+this	DET
+week	NOUN
+for	SCONJ
+departing	VERB
+Houston	PROPN
+on	ADP
+Friday	PROPN
+,	PUNCT
+May	PROPN
+24	NUM
+to	ADP
+Newark	PROPN
+/	PUNCT
+Rome	PROPN
+and	CCONJ
+returning	VERB
+on	ADP
+Sunday	PROPN
+,	PUNCT
+June	PROPN
+9	NUM
+from	ADP
+Rome	PROPN
+to	ADP
+Newark	PROPN
+/	PUNCT
+Houston	PROPN
+.	PUNCT
+
+Ticket	NOUN
+price	NOUN
+was	AUX
+$	SYM
+1,183	NUM
+per	ADP
+ticket	NOUN
+.	PUNCT
+
+Paul	PROPN
+and	CCONJ
+Judy	PROPN
+are	AUX
+on	ADP
+board	NOUN
+.	PUNCT
+
+Can	AUX
+you	PRON
+and	CCONJ
+Tom	PROPN
+join	VERB
+us	PRON
+?	PUNCT
+
+Janell	PROPN
+and	CCONJ
+Dennis	PROPN
+will	AUX
+not	PART
+be	AUX
+able	ADJ
+to	PART
+go	VERB
+anywhere	ADV
+in	ADP
+2002	NUM
+due	ADP
+to	ADP
+Janell	PROPN
+'s	PART
+broken	ADJ
+leg	NOUN
+.	PUNCT
+
+Please	INTJ
+call	VERB
+me	PRON
+,	PUNCT
+let	VERB
+'s	PRON
+discuss	VERB
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Kim	PROPN
+X33098	NUM
+
+John	PROPN
+,	PUNCT
+sorry	ADJ
+for	ADP
+the	DET
+late	ADJ
+response	NOUN
+,	PUNCT
+but	CCONJ
+I	PRON
+think	VERB
+you	PRON
+can	AUX
+implement	VERB
+immediately	ADV
+.	PUNCT
+
+I	PRON
+was	AUX
+in	ADP
+a	DET
+meeting	NOUN
+last	ADJ
+week	NOUN
+and	CCONJ
+this	PRON
+was	AUX
+discussed	VERB
+(	PUNCT
+I	PRON
+do	AUX
+n't	PART
+remember	VERB
+if	SCONJ
+you	PRON
+were	AUX
+there	ADV
+or	CCONJ
+not	PART
+)	PUNCT
+but	CCONJ
+I	PRON
+'m	AUX
+thinking	VERB
+that	SCONJ
+you	PRON
+may	AUX
+have	AUX
+already	ADV
+proceeded	VERB
+ahead	ADV
+for	ADP
+implementation	NOUN
+which	PRON
+is	AUX
+great	ADJ
+,	PUNCT
+thanks	NOUN
+!	PUNCT
+
+Kim	PROPN
+.	PUNCT
+
+The	DET
+telephony	NOUN
+group	NOUN
+has	VERB
+the	DET
+new	ADJ
+TW	PROPN
+Hotline	NOUN
+number	NOUN
+and	CCONJ
+extensions	NOUN
+ready	ADJ
+for	ADP
+use	NOUN
+,	PUNCT
+I	PRON
+have	VERB
+the	DET
+solution	NOUN
+center	NOUN
+entering	VERB
+the	DET
+greetings	NOUN
+and	CCONJ
+Terry	PROPN
+Kowalke	PROPN
+has	VERB
+a	DET
+new	ADJ
+form	NOUN
+and	CCONJ
+procedure	NOUN
+for	SCONJ
+the	DET
+Customer	NOUN
+Service	NOUN
+Reps.	NOUN
+to	PART
+use	VERB
+for	ADP
+updates	NOUN
+.	PUNCT
+
+How	ADV
+much	ADJ
+notification	NOUN
+would	AUX
+you	PRON
+like	VERB
+to	PART
+give	VERB
+the	DET
+TW	PROPN
+customers	NOUN
+before	SCONJ
+implementing	VERB
+the	DET
+new	ADJ
+TW	PROPN
+Hotline	NOUN
+phone	NOUN
+number	NOUN
+?	PUNCT
+
+We	PRON
+can	AUX
+do	VERB
+a	DET
+Popup	NOUN
+notification	NOUN
+along	ADP
+with	SCONJ
+changing	VERB
+the	DET
+number	NOUN
+on	ADP
+the	DET
+Web	NOUN
+page	NOUN
+,	PUNCT
+we	PRON
+can	AUX
+also	ADV
+put	VERB
+out	ADP
+a	DET
+Critical	ADJ
+message	NOUN
+which	PRON
+will	AUX
+send	VERB
+an	DET
+Email	NOUN
+to	ADP
+customers	NOUN
+.	PUNCT
+
+Do	AUX
+you	PRON
+think	VERB
+we	PRON
+need	VERB
+to	PART
+do	VERB
+more	ADJ
+?	PUNCT
+
+Thanks	NOUN
+:	PUNCT
+John	PROPN
+Buchanan	PROPN
+
+Yes	INTJ
+,	PUNCT
+thanks	NOUN
+.	PUNCT
+
+I	PRON
+was	AUX
+aware	ADJ
+.	PUNCT
+
+I	PRON
+just	ADV
+could	AUX
+n't	PART
+remember	VERB
+if	SCONJ
+it	PRON
+was	AUX
+you	PRON
+or	CCONJ
+Terry	PROPN
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+Kim	PROPN
+.	PUNCT
+
+Kim	PROPN
+,	PUNCT
+
+The	DET
+new	ADJ
+TW	PROPN
+Hotline	NOUN
+was	AUX
+implemented	VERB
+Monday	PROPN
+which	PRON
+included	VERB
+customer	NOUN
+notification	NOUN
+in	ADP
+the	DET
+form	NOUN
+of	ADP
+a	DET
+Popup	NOUN
+message	NOUN
+in	ADP
+TMS	NOUN
+and	CCONJ
+a	DET
+Critical	ADJ
+Notice	NOUN
+which	PRON
+sent	VERB
+an	DET
+Email	NOUN
+.	PUNCT
+
+The	DET
+new	ADJ
+Hotline	NOUN
+phone	NOUN
+number	NOUN
+is	AUX
+713-853-3044	NUM
+.	PUNCT
+
+I	PRON
+was	AUX
+under	ADP
+the	DET
+impression	NOUN
+that	SCONJ
+Terry	PROPN
+Kowalke	PROPN
+had	AUX
+notified	VERB
+you	PRON
+of	ADP
+the	DET
+implementation	NOUN
+,	PUNCT
+TK	PROPN
+was	AUX
+also	ADV
+made	VERB
+aware	ADJ
+.	PUNCT
+
+John	PROPN
+Buchanan	PROPN
+
+John	PROPN
+,	PUNCT
+sorry	ADJ
+for	ADP
+the	DET
+late	ADJ
+response	NOUN
+,	PUNCT
+but	CCONJ
+I	PRON
+think	VERB
+you	PRON
+can	AUX
+implement	VERB
+immediately	ADV
+.	PUNCT
+
+I	PRON
+was	AUX
+in	ADP
+a	DET
+meeting	NOUN
+last	ADJ
+week	NOUN
+and	CCONJ
+this	PRON
+was	AUX
+discussed	VERB
+(	PUNCT
+I	PRON
+do	AUX
+n't	PART
+remember	VERB
+if	SCONJ
+you	PRON
+were	AUX
+there	ADV
+or	CCONJ
+not	PART
+)	PUNCT
+but	CCONJ
+I	PRON
+'m	AUX
+thinking	VERB
+that	SCONJ
+you	PRON
+may	AUX
+have	AUX
+already	ADV
+proceeded	VERB
+ahead	ADV
+for	ADP
+implementation	NOUN
+which	PRON
+is	AUX
+great	ADJ
+,	PUNCT
+thanks	NOUN
+!	PUNCT
+
+Kim	PROPN
+.	PUNCT
+
+The	DET
+telephony	NOUN
+group	NOUN
+has	VERB
+the	DET
+new	ADJ
+TW	PROPN
+Hotline	NOUN
+number	NOUN
+and	CCONJ
+extensions	NOUN
+ready	ADJ
+for	ADP
+use	NOUN
+,	PUNCT
+I	PRON
+have	VERB
+the	DET
+solution	NOUN
+center	NOUN
+entering	VERB
+the	DET
+greetings	NOUN
+and	CCONJ
+Terry	PROPN
+Kowalke	PROPN
+has	VERB
+a	DET
+new	ADJ
+form	NOUN
+and	CCONJ
+procedure	NOUN
+for	SCONJ
+the	DET
+Customer	NOUN
+Service	NOUN
+Reps.	NOUN
+to	PART
+use	VERB
+for	ADP
+updates	NOUN
+.	PUNCT
+
+How	ADV
+much	ADJ
+notification	NOUN
+would	AUX
+you	PRON
+like	VERB
+to	PART
+give	VERB
+the	DET
+TW	PROPN
+customers	NOUN
+before	SCONJ
+implementing	VERB
+the	DET
+new	ADJ
+TW	PROPN
+Hotline	NOUN
+phone	NOUN
+number	NOUN
+?	PUNCT
+
+We	PRON
+can	AUX
+do	VERB
+a	DET
+Popup	NOUN
+notification	NOUN
+along	ADP
+with	SCONJ
+changing	VERB
+the	DET
+number	NOUN
+on	ADP
+the	DET
+Web	NOUN
+page	NOUN
+,	PUNCT
+we	PRON
+can	AUX
+also	ADV
+put	VERB
+out	ADP
+a	DET
+Critical	ADJ
+message	NOUN
+which	PRON
+will	AUX
+send	VERB
+an	DET
+Email	NOUN
+to	ADP
+customers	NOUN
+.	PUNCT
+
+Do	AUX
+you	PRON
+think	VERB
+we	PRON
+need	VERB
+to	PART
+do	VERB
+more	ADJ
+?	PUNCT
+
+Thanks	NOUN
+:	PUNCT
+John	PROPN
+Buchanan	PROPN
+
+Here	ADV
+it	PRON
+is	AUX
+.	PUNCT
+
+K	PROPN
+.	PUNCT
+
+See	VERB
+the	DET
+attached	VERB
+spreadsheet	NOUN
+.	PUNCT
+
+Let	VERB
+me	PRON
+know	VERB
+if	SCONJ
+you	PRON
+have	VERB
+any	DET
+questions	NOUN
+.	PUNCT
+
+Jan	PROPN
+,	PUNCT
+
+These	DET
+numbers	NOUN
+are	AUX
+slightly	ADV
+different	ADJ
+from	ADP
+the	DET
+ones	NOUN
+you	PRON
+put	VERB
+together	ADV
+a	DET
+few	ADJ
+weeks	NOUN
+ago	ADV
+.	PUNCT
+
+Are	AUX
+you	PRON
+comfortable	ADJ
+with	ADP
+the	DET
+difference	NOUN
+?	PUNCT
+
+Any	DET
+thoughts	NOUN
+?	PUNCT
+
+No	DET
+hurry	NOUN
+,	PUNCT
+I	PRON
+was	AUX
+just	ADV
+wondering	VERB
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Kim	PROPN
+.	PUNCT
+
+Attached	VERB
+is	AUX
+the	DET
+TW	PROPN
+Top	ADJ
+Ten	NUM
+Shippers	NOUN
+by	ADP
+Revenues	NOUN
+for	ADP
+the	DET
+year	NOUN
+2001	NUM
+to	PART
+be	AUX
+reported	VERB
+in	ADP
+the	DET
+Browncover	NOUN
+report	NOUN
+.	PUNCT
+
+Note	NOUN
+:	PUNCT
+
+Total	ADJ
+transportation	NOUN
+invoiced	VERB
+for	ADP
+2001	NUM
+was	AUX
+$	SYM
+180.9	NUM
+m	NUM
+.	PUNCT
+
+The	DET
+amount	NOUN
+of	ADP
+transportation	NOUN
+revenues	VERB
+recorded	VERB
+in	ADP
+the	DET
+general	ADJ
+ledger	NOUN
+is	AUX
+$	SYM
+165.9	NUM
+m	NUM
+.	PUNCT
+
+This	DET
+difference	NOUN
+is	AUX
+mainly	ADV
+due	ADP
+to	ADP
+the	DET
+following	VERB
+:	PUNCT
+
+$	SYM
+10.0	NUM
+m	NUM
+-	PUNCT
+negotiated	VERB
+rates	NOUN
+reserve	NOUN
+(	PUNCT
+Reliant	PROPN
+,	PUNCT
+Sempra	PROPN
+,	PUNCT
+Richardson	PROPN
+,	PUNCT
+Astr	PROPN
+,	PUNCT
+and	CCONJ
+BP	PROPN
+Energy	PROPN
+)	PUNCT
+-	PUNCT
+$	SYM
+collected	VERB
+
+$	SYM
+2.7	NUM
+m	NUM
+-	PUNCT
+SoCal	PROPN
+rate	NOUN
+issue	NOUN
+-	PUNCT
+$	SYM
+not	PART
+collected	VERB
+
+$	SYM
+1.8	NUM
+m	NUM
+-	PUNCT
+additional	ADJ
+month	NOUN
+of	ADP
+PGE	PROPN
+revenues	NOUN
+due	ADP
+to	ADP
+prepayment	NOUN
+invoicing	NOUN
+beginning	VERB
+in	ADP
+2001	NUM
+-	PUNCT
+$	SYM
+collected	VERB
+
+Revenues	NOUN
+for	ADP
+these	DET
+customers	NOUN
+were	AUX
+adjusted	VERB
+according	ADV
+.	PUNCT
+
+Also	ADV
+,	PUNCT
+revenues	NOUN
+for	ADP
+the	DET
+shippers	NOUN
+acquiring	VERB
+released	VERB
+volumes	NOUN
+from	ADP
+PGE	PROPN
+at	ADP
+rates	NOUN
+above	ADP
+TW	PROPN
+'s	PART
+tariff	NOUN
+rates	NOUN
+were	AUX
+adjusted	VERB
+accordingly	ADV
+.	PUNCT
+
+Please	INTJ
+call	VERB
+me	PRON
+at	ADP
+x36709	NOUN
+if	SCONJ
+there	PRON
+are	VERB
+questions	NOUN
+
+thanks	NOUN
+,	PUNCT
+
+richard	PROPN
+
+Kyle	PROPN
+,	PUNCT
+
+Sorry	ADJ
+for	SCONJ
+not	ADV
+sending	VERB
+this	PRON
+yesterday	NOUN
+.	PUNCT
+
+Monday's	PROPN
+are	AUX
+always	ADV
+tough	ADJ
+.	PUNCT
+
+Please	INTJ
+review	VERB
+and	CCONJ
+let	VERB
+me	PRON
+know	VERB
+what	PRON
+you	PRON
+think	VERB
+.	PUNCT
+
+Let	VERB
+'s	PRON
+talk	VERB
+before	SCONJ
+I	PRON
+leave	VERB
+town	ADV
+next	ADJ
+Wednesday	PROPN
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Kim	PROPN
+.	PUNCT
+
+Kim	PROPN
+,	PUNCT
+
+Here	ADV
+is	AUX
+the	DET
+Job	NOUN
+Description	NOUN
+and	CCONJ
+the	DET
+Operational	ADJ
+Accountabilities	NOUN
+for	ADP
+the	DET
+position	NOUN
+I	PRON
+mentioned	VERB
+to	ADP
+you	PRON
+last	ADJ
+Sunday	PROPN
+.	PUNCT
+
+As	SCONJ
+you	PRON
+can	AUX
+see	VERB
+it	PRON
+will	AUX
+take	VERB
+someone	PRON
+with	ADP
+some	DET
+very	ADV
+good	ADJ
+skills	NOUN
+in	ADP
+organizing	NOUN
+and	CCONJ
+interpersonal	ADJ
+relationships	NOUN
+.	PUNCT
+
+It	PRON
+will	AUX
+also	ADV
+require	VERB
+someone	PRON
+who	PRON
+is	AUX
+fairly	ADV
+mature	ADJ
+in	ADP
+their	PRON
+own	ADJ
+spiritual	ADJ
+journey	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+know	VERB
+someone	PRON
+who	PRON
+might	AUX
+fit	VERB
+the	DET
+bill	NOUN
+ask	VERB
+them	PRON
+to	PART
+contact	VERB
+me	PRON
+and	CCONJ
+/	PUNCT
+or	CCONJ
+send	VERB
+me	PRON
+their	PRON
+resume	NOUN
+.	PUNCT
+
+See	VERB
+you	PRON
+Sunday	PROPN
+.	PUNCT
+
+Tom	PROPN
+
+Thomas	PROPN
+W.	PROPN
+Daugherty	PROPN
+Vice	NOUN
+President	NOUN
+for	ADP
+Spiritual	ADJ
+Care	NOUN
+Methodist	PROPN
+Health	PROPN
+Care	PROPN
+System	PROPN
+6565	NUM
+Fannin	PROPN
+Street	PROPN
+,	PUNCT
+D	NOUN
+-	PUNCT
+200	NUM
+Houston	PROPN
+,	PUNCT
+Texas	PROPN
+77030-2707	NUM
+Office	NOUN
+:	PUNCT
+713-793-1429	NUM
+Page	NOUN
+:	PUNCT
+281-735-5919	NUM
+Cell	NOUN
+:	PUNCT
+713-819-2784	NUM
+Fax	NOUN
+:	PUNCT
+713-790-2605	NUM
+
+Mansoor	PROPN
+,	PUNCT
+
+Let	VERB
+'s	PRON
+discuss	VERB
+.	PUNCT
+
+Kim	PROPN
+.	PUNCT
+
+Kim	PROPN
+
+The	DET
+in	ADP
+-	PUNCT
+service	NOUN
+date	NOUN
+of	ADP
+May	PROPN
+1	NUM
+,	PUNCT
+will	AUX
+be	AUX
+very	ADV
+difficult	ADJ
+to	PART
+attain	VERB
+.	PUNCT
+
+Since	ADP
+the	DET
+bankruptcy	NOUN
+filing	NOUN
+,	PUNCT
+vendors	NOUN
+have	AUX
+been	AUX
+very	ADV
+reluctant	ADJ
+to	PART
+ship	VERB
+material	NOUN
+prior	ADJ
+to	SCONJ
+it	PRON
+being	AUX
+prepaid	VERB
+(	PUNCT
+Daniels	PROPN
+,	PUNCT
+Fisher	PROPN
+,	PUNCT
+Rosemont	PROPN
+,	PUNCT
+other	ADJ
+)	PUNCT
+.	PUNCT
+
+These	PRON
+are	AUX
+the	DET
+vendors	NOUN
+of	ADP
+instrumentation	NOUN
+required	VERB
+for	ADP
+the	DET
+interconnect	NOUN
+.	PUNCT
+
+Questar	PROPN
+may	AUX
+be	AUX
+able	ADJ
+to	PART
+purchase	VERB
+material	NOUN
+,	PUNCT
+but	CCONJ
+some	DET
+of	ADP
+the	DET
+items	NOUN
+can	AUX
+have	VERB
+up	ADP
+to	ADP
+a	DET
+60	NUM
+day	NOUN
+delivery	NOUN
+.	PUNCT
+
+(	PUNCT
+From	ADP
+time	NOUN
+PA	PROPN
+approved	VERB
+and	CCONJ
+funded	VERB
+to	ADP
+in	ADP
+-	PUNCT
+service	NOUN
+will	AUX
+be	AUX
+75	NUM
+days	NOUN
+at	ADV
+most	ADV
+.	PUNCT
+
+We	PRON
+have	AUX
+worked	VERB
+with	ADP
+Daniels	PROPN
+on	ADP
+a	DET
+chromatograph	NOUN
+on	ADP
+another	DET
+project	NOUN
+and	CCONJ
+prepayment	NOUN
+has	AUX
+taken	VERB
+45	NUM
+days	NOUN
+alone	ADV
+.	PUNCT
+
+Daniels	PROPN
+is	AUX
+not	PART
+set	VERB
+up	ADP
+for	ADP
+prepayments	NOUN
+as	SCONJ
+they	PRON
+bill	VERB
+off	ADP
+an	DET
+invoice	NOUN
+and	CCONJ
+the	DET
+main	ADJ
+office	NOUN
+and	CCONJ
+accounting	NOUN
+had	VERB
+to	PART
+create	VERB
+an	DET
+invoice	NOUN
+for	ADP
+a	DET
+chromatograph	NOUN
+that	PRON
+had	AUX
+not	PART
+been	AUX
+delivered	VERB
+.	PUNCT
+
+Not	PART
+the	DET
+usual	ADJ
+mode	NOUN
+of	ADP
+operations	NOUN
+.	PUNCT
+
+The	DET
+I/C	NOUN
+design	NOUN
+is	AUX
+for	ADP
+a	DET
+UltraSonic	PROPN
+meter	NOUN
+and	CCONJ
+this	PRON
+is	AUX
+dependent	ADJ
+on	ADP
+their	PRON
+testing	NOUN
+schedule	NOUN
+(	PUNCT
+Canada	PROPN
+or	CCONJ
+Kansas	PROPN
+are	AUX
+the	DET
+only	ADJ
+two	NUM
+places	NOUN
+to	PART
+test	VERB
+to	ADP
+100	NUM
+%	SYM
+of	ADP
+design	NOUN
+)	PUNCT
+.	PUNCT
+
+Will	AUX
+confirm	VERB
+testing	NOUN
+schedule	NOUN
+and	CCONJ
+delivery	NOUN
+dates	NOUN
+with	ADP
+UltraSonic	PROPN
+ASAP	ADV
+.	PUNCT
+
+We	PRON
+will	AUX
+try	VERB
+to	PART
+complete	VERB
+the	DET
+I/C	NOUN
+with	ADP
+the	DET
+earliest	ADJ
+in	ADP
+-	PUNCT
+service	NOUN
+date	NOUN
+possible	ADJ
+,	PUNCT
+but	CCONJ
+with	SCONJ
+conditions	NOUN
+as	SCONJ
+they	PRON
+are	VERB
+,	PUNCT
+a	DET
+realistic	ADJ
+date	NOUN
+would	AUX
+be	AUX
+June	PROPN
+15	NUM
+,	PUNCT
+2002	NUM
+.	PUNCT
+
+If	SCONJ
+you	PRON
+have	VERB
+questions	NOUN
+or	CCONJ
+issues	NOUN
+,	PUNCT
+please	INTJ
+let	VERB
+me	PRON
+know	VERB
+.	PUNCT
+
+Thanks	NOUN
+
+Earl	PROPN
+Chanley	PROPN
+505-625-8031	NUM
+
+Earl	PROPN
+,	PUNCT
+
+We	PRON
+are	AUX
+looking	VERB
+at	SCONJ
+putting	VERB
+the	DET
+metering	NOUN
+facilities	NOUN
+on	ADP
+their	PRON
+ROW	NOUN
+(	PUNCT
+also	ADV
+,	PUNCT
+I	PRON
+think	VERB
+we	PRON
+will	AUX
+have	VERB
+to	PART
+purchase	VERB
+about	ADV
+50	NUM
+ft	NOUN
+of	ADP
+ROW	NOUN
+from	ADP
+ElPaso	PROPN
+to	PART
+get	VERB
+to	ADP
+Questar	PROPN
+'s	PART
+property	NOUN
+)	PUNCT
+.	PUNCT
+
+As	SCONJ
+you	PRON
+look	VERB
+at	ADP
+this	PRON
+,	PUNCT
+if	SCONJ
+for	ADP
+some	DET
+reason	NOUN
+we	PRON
+can	AUX
+not	PART
+obtain	VERB
+ElPaso	PROPN
+ROW	NOUN
+,	PUNCT
+we	PRON
+will	AUX
+have	VERB
+to	PART
+look	VERB
+at	ADP
+Plan	NOUN
+B	NOUN
+which	PRON
+would	AUX
+be	VERB
+to	PART
+put	VERB
+the	DET
+metering	NOUN
+on	ADP
+our	PRON
+ROW	NOUN
+.	PUNCT
+
+Our	PRON
+in	ADP
+-	PUNCT
+service	NOUN
+date	NOUN
+is	AUX
+May	PROPN
+1	NUM
+.	PUNCT
+
+If	SCONJ
+you	PRON
+think	VERB
+that	SCONJ
+May	PROPN
+1	NUM
+may	AUX
+be	AUX
+difficult	ADJ
+due	ADP
+to	SCONJ
+receiving	VERB
+the	DET
+parts	NOUN
+/	PUNCT
+materials	NOUN
+on	ADP
+a	DET
+timely	ADJ
+basis	NOUN
+because	ADP
+of	ADP
+the	DET
+issues	NOUN
+that	PRON
+vendors	VERB
+may	AUX
+have	VERB
+with	ADP
+us	PRON
+because	ADP
+of	ADP
+recent	ADJ
+Enron	PROPN
+events	NOUN
+,	PUNCT
+please	INTJ
+let	VERB
+me	PRON
+know	VERB
+.	PUNCT
+
+Questar	PROPN
+has	AUX
+already	ADV
+informed	VERB
+us	PRON
+that	SCONJ
+they	PRON
+would	AUX
+help	VERB
+obtain	VERB
+parts	NOUN
+/	PUNCT
+materials	NOUN
+to	ADP
+our	PRON
+specifications	NOUN
+if	SCONJ
+it	PRON
+helps	VERB
+achieve	VERB
+an	DET
+in	ADP
+-	PUNCT
+service	NOUN
+date	NOUN
+of	ADP
+May	PROPN
+1	NUM
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Kim	PROPN
+.	PUNCT
+
+Listening	VERB
+to	ADP
+the	DET
+Edison	PROPN
+call	NOUN
+w/	ADP
+investors	NOUN
+Edison	PROPN
+says	VERB
+they	PRON
+will	AUX
+pay	VERB
+everyone	PRON
+at	ADP
+the	DET
+same	ADJ
+time	NOUN
+(	PUNCT
+"	PUNCT
+big	ADJ
+bang	NOUN
+"	PUNCT
+approach	NOUN
+)	PUNCT
+sometime	ADV
+in	ADP
+Q1	NOUN
+'02	NUM
+.	PUNCT
+
+My	PRON
+concern	NOUN
+is	VERB
+that	SCONJ
+between	ADP
+now	ADV
+and	CCONJ
+then	ADV
+Dunn	PROPN
+,	PUNCT
+the	DET
+AG	NOUN
+have	VERB
+the	DET
+time	NOUN
+and	CCONJ
+resources	NOUN
+to	PART
+make	VERB
+a	DET
+heckuvalot	NOUN
+of	ADP
+mischief	NOUN
+,	PUNCT
+which	PRON
+could	AUX
+be	AUX
+detrimental	ADJ
+to	ADP
+generators	NOUN
+/	PUNCT
+marketers	NOUN
+'	PART
+claims	NOUN
+.	PUNCT
+
+Investors	NOUN
+are	AUX
+asking	VERB
+what	PRON
+Edison	PROPN
+intends	VERB
+for	ADP
+QFs	NOUN
+and	CCONJ
+generators	NOUN
+--	PUNCT
+asking	VERB
+about	ADP
+haircuts	NOUN
+in	ADP
+particular	ADJ
+--	PUNCT
+and	CCONJ
+Edison	PROPN
+is	AUX
+side	NOUN
+-	PUNCT
+stepping	VERB
+the	DET
+questions	NOUN
+.	PUNCT
+
+Great	ADJ
+.	PUNCT
+
+Figured	VERB
+they	PRON
+'d	AUX
+contacted	VERB
+them	PRON
+,	PUNCT
+but	CCONJ
+wanted	VERB
+to	PART
+make	VERB
+sure	ADJ
+.	PUNCT
+
+You	PRON
+know	VERB
+when	ADV
+the	DET
+meeting	NOUN
+with	ADP
+schedulers	NOUN
+will	AUX
+be	AUX
+?	PUNCT
+
+I	PRON
+apologize	VERB
+,	PUNCT
+I	PRON
+'m	AUX
+on	ADP
+the	DET
+road	NOUN
+and	CCONJ
+have	AUX
+n't	PART
+heard	VERB
+when	ADV
+that	PRON
+will	AUX
+be	VERB
+.	PUNCT
+
+I	PRON
+'m	AUX
+thinking	VERB
+that	SCONJ
+I	PRON
+may	AUX
+want	VERB
+to	PART
+attend	VERB
+.	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+Best	ADJ
+,	PUNCT
+
+Jeff	PROPN
+
+Thanks	NOUN
+for	ADP
+the	DET
+info	NOUN
+-	PUNCT
+a	DET
+few	ADJ
+people	NOUN
+from	ADP
+our	PRON
+shop	NOUN
+will	AUX
+be	AUX
+in	ADP
+attendance	NOUN
+./	PUNCT
+
+If	SCONJ
+you	PRON
+have	AUX
+n't	PART
+heard	VERB
+,	PUNCT
+SoCal	PROPN
+'s	AUX
+announced	VERB
+their	PRON
+abandoning	VERB
+windows	NOUN
+for	ADP
+OFOs	NOUN
+.	PUNCT
+
+They	PRON
+'re	AUX
+holding	VERB
+"	PUNCT
+workshops	NOUN
+"	PUNCT
+on	SCONJ
+how	ADV
+it	PRON
+will	AUX
+all	ADV
+work	VERB
+soon	ADV
+.	PUNCT
+
+I	PRON
+'ll	AUX
+get	VERB
+you	PRON
+the	DET
+announcement	NOUN
+.	PUNCT
+
+Best	ADJ
+,	PUNCT
+
+Jeff	PROPN
+
+Probing	VERB
+the	DET
+'	PUNCT
+palace	NOUN
+coup	NOUN
+'	PUNCT
+
+Electricity	NOUN
+:	PUNCT
+A	DET
+panel	NOUN
+focuses	VERB
+on	ADP
+price	NOUN
+hikes	NOUN
+and	CCONJ
+the	DET
+actions	NOUN
+of	ADP
+the	DET
+ISO	PROPN
+president	PROPN
+.	PUNCT
+
+September	PROPN
+26	NUM
+,	PUNCT
+2001	NUM
+
+By	ADP
+KIMBERLY	PROPN
+KINDY	PROPN
+
+The	DET
+Orange	PROPN
+County	PROPN
+Register	PROPN
+
+SACRAMENTO	PROPN
+
+A	DET
+state	NOUN
+Senate	PROPN
+committee	NOUN
+is	AUX
+set	VERB
+today	NOUN
+to	PART
+start	VERB
+serving	VERB
+16	NUM
+subpoenas	NOUN
+on	ADP
+electricity	NOUN
+producers	NOUN
+and	CCONJ
+officials	NOUN
+who	PRON
+manage	VERB
+California	PROPN
+'s	PART
+energy	NOUN
+grid	NOUN
+to	PART
+determine	VERB
+whether	SCONJ
+they	PRON
+acted	VERB
+in	ADP
+concert	NOUN
+to	PART
+manipulate	VERB
+energy	NOUN
+prices	NOUN
+.	PUNCT
+
+The	DET
+investigative	ADJ
+committee	NOUN
+,	PUNCT
+headed	VERB
+by	ADP
+state	NOUN
+Sen.	PROPN
+Joe	PROPN
+Dunn	PROPN
+,	PUNCT
+D	PROPN
+-	PUNCT
+Santa	PROPN
+Ana	PROPN
+,	PUNCT
+is	AUX
+focusing	VERB
+on	ADP
+a	DET
+series	NOUN
+of	ADP
+events	NOUN
+last	ADJ
+fall	NOUN
+filled	VERB
+with	ADP
+enough	ADJ
+Shakespearean	ADJ
+plot	NOUN
+twists	NOUN
+and	CCONJ
+intrigue	NOUN
+that	SCONJ
+it	PRON
+has	AUX
+earned	VERB
+a	DET
+name	NOUN
+around	ADP
+the	DET
+Capitol	PROPN
+:	PUNCT
+"	PUNCT
+the	DET
+palace	NOUN
+coup	NOUN
+.	PUNCT
+"	PUNCT
+
+Lawmakers	NOUN
+and	CCONJ
+consumer	NOUN
+groups	NOUN
+allege	VERB
+that	SCONJ
+the	DET
+events	NOUN
+-	PUNCT
+directed	VERB
+by	ADP
+the	DET
+man	NOUN
+who	PRON
+heads	VERB
+the	DET
+state	NOUN
+'s	PART
+energy	NOUN
+grid	NOUN
+-	PUNCT
+fueled	VERB
+the	DET
+California	PROPN
+energy	NOUN
+crisis	NOUN
+,	PUNCT
+pushed	VERB
+the	DET
+state	NOUN
+into	ADP
+the	DET
+power	NOUN
+-	PUNCT
+buying	VERB
+business	NOUN
+and	CCONJ
+helped	VERB
+make	VERB
+billions	NOUN
+of	ADP
+dollars	NOUN
+for	ADP
+power	NOUN
+producers	NOUN
+.	PUNCT
+
+The	DET
+central	ADJ
+question	NOUN
+behind	ADP
+the	DET
+palace	NOUN
+coup	NOUN
+is	VERB
+whether	SCONJ
+Terry	PROPN
+Winter	PROPN
+,	PUNCT
+the	DET
+president	NOUN
+of	ADP
+the	DET
+Independent	PROPN
+System	PROPN
+Operator	PROPN
+,	PUNCT
+acted	VERB
+alone	ADV
+when	ADV
+he	PRON
+took	VERB
+steps	NOUN
+to	PART
+remove	VERB
+key	ADJ
+price	NOUN
+caps	NOUN
+designed	VERB
+to	PART
+limit	VERB
+the	DET
+amount	NOUN
+power	NOUN
+generators	NOUN
+could	AUX
+charge	VERB
+.	PUNCT
+
+Winter	PROPN
+defied	VERB
+his	PRON
+own	ADJ
+board	NOUN
+and	CCONJ
+Gov.	PROPN
+Gray	PROPN
+Davis	PROPN
+when	ADV
+he	PRON
+filed	VERB
+a	DET
+50	NUM
+-	PUNCT
+page	NOUN
+request	NOUN
+to	PART
+remove	VERB
+the	DET
+caps	NOUN
+,	PUNCT
+records	NOUN
+and	CCONJ
+interviews	NOUN
+show	VERB
+.	PUNCT
+
+"	PUNCT
+I	PRON
+do	AUX
+n't	PART
+know	VERB
+how	ADV
+these	DET
+events	NOUN
+could	AUX
+have	AUX
+taken	VERB
+place	NOUN
+without	ADP
+some	DET
+concerted	ADJ
+effort	NOUN
+,	PUNCT
+"	PUNCT
+said	VERB
+Dunn	PROPN
+.	PUNCT
+
+The	DET
+subpoenas	NOUN
+will	AUX
+force	VERB
+those	PRON
+involved	VERB
+,	PUNCT
+including	VERB
+Winter	PROPN
+,	PUNCT
+to	PART
+provide	VERB
+sworn	VERB
+testimony	NOUN
+about	ADP
+the	DET
+events	NOUN
+to	ADP
+the	DET
+committee	NOUN
+,	PUNCT
+and	CCONJ
+to	PART
+turn	VERB
+over	ADP
+e-mails	NOUN
+,	PUNCT
+personal	ADJ
+calendars	NOUN
+and	CCONJ
+memos	NOUN
+.	PUNCT
+
+Davis	PROPN
+spokesman	NOUN
+Steve	PROPN
+Maviglio	PROPN
+said	VERB
+the	DET
+governor	PROPN
+felt	VERB
+"	PUNCT
+betrayed	ADJ
+"	PUNCT
+by	ADP
+the	DET
+actions	NOUN
+of	ADP
+Winter	PROPN
+.	PUNCT
+
+"	PUNCT
+The	DET
+governor	PROPN
+believes	VERB
+it	PRON
+was	AUX
+the	DET
+defining	VERB
+moment	NOUN
+,	PUNCT
+when	ADV
+what	PRON
+was	VERB
+a	DET
+mounting	VERB
+problem	NOUN
+turned	VERB
+into	ADP
+an	DET
+instant	ADJ
+crisis	NOUN
+,	PUNCT
+"	PUNCT
+Maviglio	PROPN
+said	VERB
+.	PUNCT
+
+Winter	PROPN
+refused	VERB
+comment	NOUN
+,	PUNCT
+referring	VERB
+all	DET
+questions	NOUN
+to	ADP
+the	DET
+public	ADJ
+relations	NOUN
+office	NOUN
+.	PUNCT
+
+ISO	PROPN
+spokesman	NOUN
+Gregg	PROPN
+Fishman	PROPN
+said	VERB
+Dunn	PROPN
+'s	PART
+committee	NOUN
+will	AUX
+find	VERB
+no	DET
+criminal	ADJ
+conduct	NOUN
+.	PUNCT
+
+The	DET
+decision	NOUN
+was	AUX
+made	VERB
+by	ADP
+ISO	PROPN
+upper	ADJ
+management	NOUN
+with	SCONJ
+one	NUM
+goal	NOUN
+in	ADP
+mind	NOUN
+:	PUNCT
+to	PART
+keep	VERB
+the	DET
+lights	NOUN
+on	ADV
+.	PUNCT
+
+At	ADP
+the	DET
+time	NOUN
+,	PUNCT
+generators	NOUN
+were	AUX
+refusing	VERB
+to	PART
+sell	VERB
+power	NOUN
+in	ADP
+California	PROPN
+because	ADP
+of	ADP
+the	DET
+price	NOUN
+caps	NOUN
+.	PUNCT
+
+"	PUNCT
+It	PRON
+was	AUX
+an	DET
+emergency	NOUN
+,	PUNCT
+"	PUNCT
+Fishman	PROPN
+said	VERB
+.	PUNCT
+
+"	PUNCT
+We	PRON
+had	VERB
+to	PART
+take	VERB
+action	NOUN
+.	PUNCT
+''	PUNCT
+
+What	PRON
+became	VERB
+known	ADJ
+as	ADP
+the	DET
+palace	NOUN
+coup	NOUN
+began	VERB
+on	ADP
+Oct.	PROPN
+26	NUM
+when	ADV
+ISO	PROPN
+board	NOUN
+members	NOUN
+voted	VERB
+for	ADP
+severe	ADJ
+restrictions	NOUN
+on	ADP
+the	DET
+amount	NOUN
+of	ADP
+money	NOUN
+electricity	NOUN
+producers	NOUN
+could	AUX
+charge	VERB
+for	ADP
+power	NOUN
+.	PUNCT
+
+The	DET
+restrictions	NOUN
+would	AUX
+drive	VERB
+prices	NOUN
+as	ADV
+low	ADJ
+as	ADP
+$	SYM
+65	NUM
+per	ADP
+megawatt	NOUN
+-	PUNCT
+nearly	ADV
+12	NUM
+times	NOUN
+below	ADP
+the	DET
+$	SYM
+750	NUM
+per	ADP
+megawatt	NOUN
+limits	NOUN
+of	ADP
+seven	NUM
+months	NOUN
+earlier	ADV
+.	PUNCT
+
+"	PUNCT
+They	PRON
+(	PUNCT
+electricity	NOUN
+generators	NOUN
+)	PUNCT
+grinned	VERB
+and	CCONJ
+beared	VERB
+the	DET
+$	SYM
+750	NUM
+price	NOUN
+cap	NOUN
+,	PUNCT
+but	CCONJ
+this	DET
+new	ADJ
+plan	NOUN
+by	ADP
+ISO	PROPN
+was	AUX
+too	ADV
+much	ADJ
+,	PUNCT
+"	PUNCT
+said	VERB
+Dunn	PROPN
+,	PUNCT
+whose	PRON
+committee	NOUN
+has	AUX
+been	AUX
+investigating	VERB
+since	ADP
+March	PROPN
+.	PUNCT
+
+"	PUNCT
+All	DET
+hell	NOUN
+broke	VERB
+loose	ADV
+.	PUNCT
+''	PUNCT
+
+Records	NOUN
+show	VERB
+that	SCONJ
+on	ADP
+Oct.	PROPN
+31	NUM
+,	PUNCT
+power	NOUN
+generators	NOUN
+and	CCONJ
+electricity	NOUN
+traders	NOUN
+filed	VERB
+letters	NOUN
+with	ADP
+the	DET
+Federal	PROPN
+Energy	PROPN
+Regulatory	PROPN
+Commission	PROPN
+,	PUNCT
+demanding	VERB
+that	SCONJ
+the	DET
+new	ADJ
+plan	NOUN
+be	AUX
+killed	VERB
+.	PUNCT
+
+The	DET
+letters	NOUN
+,	PUNCT
+six	NUM
+in	ADP
+all	DET
+,	PUNCT
+were	AUX
+sent	VERB
+within	ADP
+two	NUM
+hours	NOUN
+of	ADP
+each	DET
+other	ADJ
+and	CCONJ
+represented	VERB
+dozens	NOUN
+of	ADP
+power	NOUN
+generators	NOUN
+.	PUNCT
+
+"	PUNCT
+If	SCONJ
+not	ADV
+removed	VERB
+immediately	ADV
+,	PUNCT
+the	DET
+(	PUNCT
+ISO	PROPN
+)	PUNCT
+price	NOUN
+cap	NOUN
+will	AUX
+sow	VERB
+confusion	NOUN
+in	ADP
+the	DET
+market	NOUN
+,	PUNCT
+threaten	VERB
+reliability	NOUN
+and	CCONJ
+stifle	VERB
+new	ADJ
+investment	NOUN
+in	ADP
+generating	NOUN
+capacity	NOUN
+,	PUNCT
+''	PUNCT
+read	VERB
+one	NUM
+letter	NOUN
+written	VERB
+by	ADP
+Duke	PROPN
+Energy	PROPN
+Vice	NOUN
+President	NOUN
+William	PROPN
+Hall	PROPN
+III	NUM
+.	PUNCT
+
+Although	SCONJ
+there	PRON
+is	VERB
+nothing	PRON
+illegal	ADJ
+about	SCONJ
+the	DET
+generators	NOUN
+acting	VERB
+together	ADV
+to	PART
+lobby	VERB
+against	ADP
+price	NOUN
+caps	NOUN
+,	PUNCT
+Dunn	PROPN
+believes	VERB
+the	DET
+letters	NOUN
+and	CCONJ
+other	ADJ
+actions	NOUN
+around	ADP
+the	DET
+same	ADJ
+time	NOUN
+showed	VERB
+clear	ADJ
+coordination	NOUN
+among	ADP
+energy	NOUN
+officials	NOUN
+.	PUNCT
+
+He	PRON
+said	VERB
+the	DET
+main	ADJ
+aim	NOUN
+of	ADP
+the	DET
+subpoenas	NOUN
+will	AUX
+be	VERB
+to	PART
+determine	VERB
+whether	SCONJ
+collusion	NOUN
+occurred	VERB
+to	PART
+"	PUNCT
+fix	VERB
+"	PUNCT
+prices	NOUN
+,	PUNCT
+which	PRON
+would	AUX
+violate	VERB
+federal	ADJ
+trade	NOUN
+laws	NOUN
+.	PUNCT
+
+In	ADP
+the	DET
+Oct.	PROPN
+31	NUM
+letters	NOUN
+,	PUNCT
+electricity	NOUN
+producers	NOUN
+told	VERB
+federal	ADJ
+officials	NOUN
+that	SCONJ
+if	SCONJ
+price	NOUN
+caps	NOUN
+were	AUX
+n't	PART
+removed	VERB
+it	PRON
+would	AUX
+lead	VERB
+to	ADP
+a	DET
+collapse	NOUN
+of	ADP
+the	DET
+energy	NOUN
+market	NOUN
+.	PUNCT
+
+The	DET
+generators	NOUN
+got	VERB
+their	PRON
+way	NOUN
+.	PUNCT
+
+The	DET
+next	ADJ
+day	NOUN
+,	PUNCT
+the	DET
+federal	ADJ
+commission	NOUN
+killed	VERB
+the	DET
+new	ADJ
+pricing	NOUN
+plan	NOUN
+.	PUNCT
+
+What	PRON
+was	AUX
+left	VERB
+in	ADP
+place	NOUN
+was	AUX
+a	DET
+$	SYM
+250	NUM
+price	NOUN
+cap	NOUN
+established	VERB
+five	NUM
+months	NOUN
+earlier	ADV
+.	PUNCT
+
+Power	NOUN
+producers	NOUN
+then	ADV
+turned	VERB
+their	PRON
+attention	NOUN
+toward	SCONJ
+killing	VERB
+that	DET
+cap	NOUN
+,	PUNCT
+saying	VERB
+they	PRON
+could	AUX
+n't	PART
+make	VERB
+a	DET
+profit	NOUN
+even	ADV
+under	ADP
+these	DET
+constraints	NOUN
+.	PUNCT
+
+They	PRON
+began	VERB
+to	PART
+withhold	VERB
+power	NOUN
+from	ADP
+California	PROPN
+,	PUNCT
+and	CCONJ
+on	ADP
+Dec.	PROPN
+7	NUM
+the	DET
+ISO	PROPN
+declared	VERB
+its	PRON
+first	ADJ
+Stage	NOUN
+3	NUM
+emergency	NOUN
+and	CCONJ
+braced	VERB
+for	ADP
+blackouts	NOUN
+,	PUNCT
+which	PRON
+were	AUX
+narrowly	ADV
+averted	VERB
+.	PUNCT
+
+What	PRON
+followed	VERB
+the	DET
+next	ADJ
+day	NOUN
+is	AUX
+considered	VERB
+by	ADP
+the	DET
+governor	PROPN
+and	CCONJ
+Dunn	PROPN
+to	PART
+be	AUX
+the	DET
+pivotal	ADJ
+moment	NOUN
+of	ADP
+the	DET
+energy	NOUN
+crisis	NOUN
+.	PUNCT
+
+Winter	PROPN
+,	PUNCT
+who	PRON
+in	ADP
+his	PRON
+position	NOUN
+as	ADP
+president	NOUN
+and	CCONJ
+chief	ADJ
+operating	VERB
+officer	NOUN
+of	ADP
+the	DET
+ISO	PROPN
+,	PUNCT
+submitted	VERB
+a	DET
+50	NUM
+-	PUNCT
+page	NOUN
+emergency	NOUN
+request	NOUN
+,	PUNCT
+asking	VERB
+federal	ADJ
+officials	NOUN
+to	PART
+abolish	VERB
+the	DET
+$	SYM
+250	NUM
+price	NOUN
+cap	NOUN
+.	PUNCT
+
+Final	ADJ
+authority	NOUN
+over	SCONJ
+lifting	VERB
+the	DET
+cap	NOUN
+rested	VERB
+with	ADP
+the	DET
+federal	ADJ
+government	NOUN
+.	PUNCT
+
+Neither	CCONJ
+the	DET
+ISO	PROPN
+board	NOUN
+,	PUNCT
+which	PRON
+had	AUX
+established	VERB
+the	DET
+price	NOUN
+cap	NOUN
+,	PUNCT
+nor	CCONJ
+the	DET
+governor	NOUN
+learned	VERB
+of	ADP
+Winter	PROPN
+'s	PART
+actions	NOUN
+until	SCONJ
+the	DET
+cap	NOUN
+had	AUX
+been	AUX
+removed	VERB
+.	PUNCT
+
+In	ADP
+fact	NOUN
+,	PUNCT
+the	DET
+attorney	NOUN
+who	PRON
+helped	VERB
+draft	VERB
+the	DET
+emergency	NOUN
+request	NOUN
+,	PUNCT
+Charles	PROPN
+Robinson	PROPN
+,	PUNCT
+was	AUX
+in	ADP
+a	DET
+meeting	NOUN
+with	ADP
+representatives	NOUN
+of	ADP
+the	DET
+governor	PROPN
+and	CCONJ
+ISO	PROPN
+board	NOUN
+members	NOUN
+just	ADV
+hours	NOUN
+before	SCONJ
+the	DET
+filing	NOUN
+was	AUX
+made	VERB
+.	PUNCT
+
+He	PRON
+did	AUX
+n't	PART
+mention	VERB
+anything	PRON
+about	ADP
+it	PRON
+.	PUNCT
+
+"	PUNCT
+In	ADP
+retrospect	NOUN
+,	PUNCT
+we	PRON
+should	AUX
+have	AUX
+told	VERB
+them	PRON
+,	PUNCT
+''	PUNCT
+Robinson	PROPN
+said	VERB
+.	PUNCT
+
+With	SCONJ
+the	DET
+price	NOUN
+caps	NOUN
+gone	ADJ
+,	PUNCT
+the	DET
+generators	NOUN
+filed	VERB
+paperwork	NOUN
+with	ADP
+federal	ADJ
+regulators	NOUN
+justifying	VERB
+higher	ADJ
+costs	NOUN
+.	PUNCT
+
+"	PUNCT
+The	DET
+ISO	PROPN
+staff	NOUN
+sat	VERB
+in	ADP
+a	DET
+meeting	NOUN
+with	ADP
+the	DET
+governor	NOUN
+'s	PART
+key	ADJ
+energy	NOUN
+advisers	NOUN
+with	ADP
+poker	NOUN
+faces	NOUN
+,	PUNCT
+not	ADV
+saying	VERB
+a	DET
+word	NOUN
+about	ADP
+something	PRON
+that	PRON
+was	AUX
+going	VERB
+on	ADP
+at	ADP
+the	DET
+exact	ADV
+same	ADJ
+moment	NOUN
+,	PUNCT
+''	PUNCT
+Maviglio	PROPN
+said	VERB
+.	PUNCT
+
+"	PUNCT
+It	PRON
+was	VERB
+beyond	ADP
+belief	NOUN
+that	SCONJ
+they	PRON
+failed	VERB
+to	PART
+mention	VERB
+something	PRON
+so	ADV
+significant	ADJ
+.	PUNCT
+
+This	DET
+action	NOUN
+accelerated	VERB
+the	DET
+utilities	NOUN
+'	PART
+move	NOUN
+toward	ADP
+bankruptcy	NOUN
+and	CCONJ
+forced	VERB
+the	DET
+governor	PROPN
+to	PART
+move	VERB
+the	DET
+state	NOUN
+into	ADP
+the	DET
+power	NOUN
+-	PUNCT
+buying	VERB
+business	NOUN
+.	PUNCT
+"	PUNCT
+
+Prices	NOUN
+for	ADP
+electricity	NOUN
+jumped	VERB
+from	ADP
+an	DET
+average	NOUN
+of	ADP
+$	SYM
+249	NUM
+a	DET
+megawatt	NOUN
+to	ADP
+$	SYM
+700	NUM
+a	DET
+megawatt	NOUN
+within	ADP
+three	NUM
+days	NOUN
+,	PUNCT
+ISO	PROPN
+records	NOUN
+show	VERB
+.	PUNCT
+
+Dunn	PROPN
+believes	VERB
+the	DET
+resulting	VERB
+overcharges	NOUN
+for	ADP
+electricity	NOUN
+exceeded	VERB
+$	SYM
+30	NUM
+billion	NUM
+.	PUNCT
+
+Robinson	PROPN
+said	VERB
+the	DET
+filing	NOUN
+-	PUNCT
+granted	VERB
+two	NUM
+hours	NOUN
+after	ADP
+the	DET
+request	NOUN
+-	PUNCT
+helped	VERB
+rather	ADP
+than	ADP
+hurt	VERB
+Californians	PROPN
+.	PUNCT
+
+Prices	NOUN
+,	PUNCT
+he	PRON
+said	VERB
+,	PUNCT
+did	AUX
+not	PART
+spike	VERB
+as	ADP
+a	DET
+result	NOUN
+.	PUNCT
+
+Instead	ADV
+they	PRON
+followed	VERB
+the	DET
+skyrocketing	VERB
+price	NOUN
+of	ADP
+natural	ADJ
+gas	NOUN
+-	PUNCT
+which	PRON
+is	AUX
+used	VERB
+to	PART
+run	VERB
+power	NOUN
+plants	NOUN
+to	PART
+generate	VERB
+electricity	NOUN
+.	PUNCT
+
+Robinson	PROPN
+said	VERB
+the	DET
+emergency	NOUN
+order	NOUN
+allowed	VERB
+the	DET
+ISO	PROPN
+to	PART
+secure	VERB
+refunds	NOUN
+should	AUX
+overcharges	NOUN
+for	ADP
+electricity	NOUN
+be	AUX
+proven	VERB
+to	ADP
+federal	ADJ
+officials	NOUN
+.	PUNCT
+
+"	PUNCT
+We	PRON
+believe	VERB
+the	DET
+action	NOUN
+we	PRON
+took	VERB
+addressed	VERB
+a	DET
+severe	ADJ
+concern	NOUN
+,	PUNCT
+''	PUNCT
+Robinson	PROPN
+said	VERB
+.	PUNCT
+
+"	PUNCT
+In	ADP
+our	PRON
+view	NOUN
+,	PUNCT
+we	PRON
+did	AUX
+not	PART
+believe	VERB
+we	PRON
+changed	VERB
+or	CCONJ
+made	VERB
+worse	ADJ
+the	DET
+financial	ADJ
+situation	NOUN
+.	PUNCT
+
+We	PRON
+felt	VERB
+we	PRON
+made	VERB
+it	PRON
+better	ADJ
+because	SCONJ
+it	PRON
+introduced	VERB
+a	DET
+process	NOUN
+for	ADP
+review	NOUN
+and	CCONJ
+refund	NOUN
+.	PUNCT
+"	PUNCT
+
+Jan	PROPN
+Smutney	PROPN
+-	PUNCT
+Jones	PROPN
+,	PUNCT
+who	PRON
+was	AUX
+the	DET
+ISO	PROPN
+board	NOUN
+chairman	NOUN
+at	ADP
+the	DET
+time	NOUN
+and	CCONJ
+executive	ADJ
+director	NOUN
+of	ADP
+a	DET
+group	NOUN
+that	PRON
+represents	VERB
+power	NOUN
+generators	NOUN
+,	PUNCT
+said	VERB
+Winter	PROPN
+did	AUX
+not	PART
+consult	VERB
+him	PRON
+about	SCONJ
+eliminating	VERB
+the	DET
+price	NOUN
+cap	NOUN
+.	PUNCT
+
+Smutney	PROPN
+-	PUNCT
+Jones	PROPN
+also	ADV
+said	VERB
+he	PRON
+was	AUX
+unaware	ADJ
+of	SCONJ
+anyone	PRON
+in	ADP
+the	DET
+power	NOUN
+-	PUNCT
+generating	NOUN
+community	NOUN
+being	AUX
+consulted	VERB
+.	PUNCT
+
+"	PUNCT
+Terry	PROPN
+did	VERB
+this	PRON
+by	ADP
+himself	PRON
+,	PUNCT
+''	PUNCT
+said	VERB
+Smutney	PROPN
+-	PUNCT
+Jones	PROPN
+,	PUNCT
+executive	ADJ
+director	NOUN
+of	ADP
+the	DET
+Independent	PROPN
+Energy	PROPN
+Producers	PROPN
+.	PUNCT
+
+"	PUNCT
+He	PRON
+did	VERB
+what	PRON
+he	PRON
+thought	VERB
+had	VERB
+to	PART
+be	AUX
+done	VERB
+at	ADP
+the	DET
+time	NOUN
+to	PART
+keep	VERB
+the	DET
+power	NOUN
+flowing	VERB
+.	PUNCT
+"	PUNCT
+
+The	DET
+ISO	PROPN
+board	NOUN
+called	VERB
+an	DET
+emergency	NOUN
+meeting	NOUN
+the	DET
+next	ADJ
+week	NOUN
+demanding	VERB
+Winter	PROPN
+explain	VERB
+his	PRON
+actions	NOUN
+.	PUNCT
+
+Some	DET
+board	NOUN
+members	NOUN
+pushed	VERB
+to	PART
+have	VERB
+Winter	PROPN
+removed	VERB
+,	PUNCT
+but	CCONJ
+there	PRON
+were	VERB
+concerns	NOUN
+such	ADJ
+action	NOUN
+would	AUX
+lead	VERB
+to	ADP
+more	ADJ
+chaos	NOUN
+,	PUNCT
+the	DET
+governor	PROPN
+'s	PART
+spokesman	NOUN
+Maviglio	PROPN
+said	VERB
+.	PUNCT
+
+James	PROPN
+J.	PROPN
+Hoecker	PROPN
+,	PUNCT
+the	DET
+former	ADJ
+Federal	PROPN
+Energy	PROPN
+Regulatory	PROPN
+Commission	PROPN
+chairman	NOUN
+,	PUNCT
+defended	VERB
+making	VERB
+the	DET
+December	PROPN
+decision	NOUN
+and	CCONJ
+also	ADV
+defended	VERB
+Winter	PROPN
+.	PUNCT
+
+"	PUNCT
+They	PRON
+filed	VERB
+an	DET
+emergency	NOUN
+motion	NOUN
+,	PUNCT
+and	CCONJ
+we	PRON
+were	AUX
+not	PART
+about	ADV
+to	PART
+let	VERB
+California	PROPN
+go	VERB
+dark	ADJ
+,	PUNCT
+''	PUNCT
+Hoecker	PROPN
+said	VERB
+.	PUNCT
+
+"	PUNCT
+They	PRON
+(	PUNCT
+ISO	PROPN
+management	NOUN
+)	PUNCT
+did	VERB
+what	PRON
+any	DET
+independent	ADJ
+system	NOUN
+operator	NOUN
+would	AUX
+do	VERB
+.	PUNCT
+"	PUNCT
+
+What	PRON
+Dunn	PROPN
+'s	PART
+committee	NOUN
+hopes	VERB
+to	PART
+learn	VERB
+is	AUX
+why	ADV
+all	DET
+these	DET
+events	NOUN
+transpired	VERB
+.	PUNCT
+
+He	PRON
+believes	VERB
+memos	NOUN
+and	CCONJ
+e-mails	NOUN
+around	ADP
+the	DET
+time	NOUN
+of	ADP
+Winter	PROPN
+'s	PART
+Dec.	PROPN
+8	NUM
+actions	NOUN
+should	AUX
+provide	VERB
+vital	ADJ
+clues	NOUN
+.	PUNCT
+
+"	PUNCT
+We	PRON
+do	AUX
+n't	PART
+know	VERB
+why	ADV
+he	PRON
+did	VERB
+what	PRON
+he	PRON
+did	VERB
+,	PUNCT
+but	CCONJ
+we	PRON
+are	AUX
+eager	ADJ
+to	PART
+find	VERB
+out	ADP
+,	PUNCT
+"	PUNCT
+Dunn	PROPN
+said	VERB
+.	PUNCT
+
+"	PUNCT
+Terry	PROPN
+said	VERB
+he	PRON
+made	VERB
+that	DET
+filing	NOUN
+in	ADP
+the	DET
+interest	NOUN
+of	ADP
+Californians	PROPN
+,	PUNCT
+but	CCONJ
+I	PRON
+find	VERB
+that	DET
+argument	NOUN
+has	VERB
+no	DET
+basis	NOUN
+in	ADP
+fact	NOUN
+.	PUNCT
+''	PUNCT
+
+We	PRON
+should	AUX
+resurrect	VERB
+Mike	PROPN
+Smith	PROPN
+'s	PART
+note	NOUN
+and	CCONJ
+get	VERB
+him	PRON
+on	ADP
+the	DET
+call	NOUN
+in	ADP
+the	DET
+attempt	NOUN
+to	PART
+avoid	VERB
+recreating	VERB
+the	DET
+wheel	NOUN
+on	ADP
+this	DET
+one	NOUN
+.	PUNCT
+
+I	PRON
+can	AUX
+dig	VERB
+it	PRON
+up	ADP
+if	SCONJ
+you	PRON
+'d	AUX
+like	VERB
+.	PUNCT
+
+Sue	PROPN
+and	CCONJ
+Jeff	PROPN
+--	PUNCT
+
+I	PRON
+am	AUX
+having	VERB
+a	DET
+meeting	NOUN
+with	ADP
+Vicki	PROPN
+and	CCONJ
+Janet	PROPN
+Dietrich	PROPN
+on	ADP
+Thursday	PROPN
+to	PART
+discuss	VERB
+our	PRON
+view	NOUN
+on	ADP
+the	DET
+ability	NOUN
+to	PART
+extend	VERB
+our	PRON
+current	ADJ
+contracts	NOUN
+in	ADP
+CA	PROPN
+(	PUNCT
+for	ADP
+customers	NOUN
+already	ADV
+on	ADP
+DA	NOUN
+)	PUNCT
+.	PUNCT
+
+Can	AUX
+we	PRON
+discuss	VERB
+this	PRON
+today	NOUN
+or	CCONJ
+soon	ADV
+thereafter	ADV
+.	PUNCT
+
+My	PRON
+take	NOUN
+is	VERB
+that	SCONJ
+the	DET
+UDCs	NOUN
+will	AUX
+be	AUX
+indifferent	ADJ
+to	ADP
+this	PRON
+(	PUNCT
+maybe	ADV
+?	PUNCT
+)	PUNCT
+and	CCONJ
+our	PRON
+#	NOUN
+1	NUM
+priority	NOUN
+is	VERB
+to	PART
+work	VERB
+to	PART
+get	VERB
+the	DET
+PG&E	PROPN
+model	NOUN
+adopted	VERB
+across	ADP
+the	DET
+state	NOUN
+.	PUNCT
+
+Any	DET
+news	NOUN
+on	SCONJ
+how	ADV
+SCE	PROPN
+and	CCONJ
+SDG&E	PROPN
+will	AUX
+move	VERB
+forward	ADV
+?	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+Sounds	VERB
+good	ADJ
+.	PUNCT
+
+I	PRON
+suggest	VERB
+a	DET
+"	PUNCT
+blind	ADJ
+draw	NOUN
+"	PUNCT
+on	ADP
+the	DET
+teams	NOUN
+,	PUNCT
+best	ADJ
+ball	NOUN
+not	CCONJ
+scramble	NOUN
+on	ADP
+the	DET
+golf	NOUN
+,	PUNCT
+and	CCONJ
+as	ADP
+for	ADP
+the	DET
+wager	NOUN
+,	PUNCT
+no	DET
+emails	NOUN
+from	ADP
+the	DET
+losing	VERB
+team	NOUN
+for	ADP
+one	NUM
+week	NOUN
+!	PUNCT
+
+Is	VERB
+there	PRON
+any	DET
+question	NOUN
+?	PUNCT
+
+I	PRON
+'ll	AUX
+leave	VERB
+to	ADP
+Steve	PROPN
+to	PART
+structure	VERB
+the	DET
+deal	NOUN
+.	PUNCT
+
+As	SCONJ
+I	PRON
+recall	VERB
+,	PUNCT
+Montavano	PROPN
+,	PUNCT
+Shapiro	PROPN
+and	CCONJ
+I	PRON
+usually	ADV
+make	VERB
+up	ADP
+one	NUM
+team	NOUN
+,	PUNCT
+but	CCONJ
+I	PRON
+'m	AUX
+willing	ADJ
+to	PART
+switch	VERB
+around	ADP
+a	DET
+bit	NOUN
+.	PUNCT
+
+Best	ADJ
+,	PUNCT
+
+Jeff	PROPN
+
+Are	AUX
+you	PRON
+playing	VERB
+golf	NOUN
+?	PUNCT
+
+And	CCONJ
+if	SCONJ
+yes	INTJ
+,	PUNCT
+what	PRON
+'s	AUX
+the	DET
+game	NOUN
+and	CCONJ
+wager	NOUN
+???	PUNCT
+
+Jim	PROPN
+
+"	PUNCT
+Neal	PROPN
+S.	PROPN
+Manne	PROPN
+"	PUNCT
+<	PUNCT
+NMANNE@SusmanGodfrey.com	X
+>	PUNCT
+
+11/28/2000	NUM
+06:16	NUM
+PM	NOUN
+
+It	PRON
+'s	AUX
+a	DET
+two	NUM
+way	NOUN
+street	NOUN
+,	PUNCT
+of	ADV
+course	ADV
+.	PUNCT
+
+Have	AUX
+they	PRON
+expressed	VERB
+any	DET
+interest	NOUN
+in	SCONJ
+negotiating	VERB
+?	PUNCT
+
+There	PRON
+is	VERB
+nothing	PRON
+wrong	ADJ
+with	ADP
+a	DET
+REAL	ADJ
+negotiation	NOUN
+,	PUNCT
+but	CCONJ
+nothing	PRON
+particularly	ADV
+helpful	ADJ
+about	SCONJ
+generating	VERB
+one	NUM
+that	PRON
+s	AUX
+just	ADV
+for	ADP
+show	NOUN
+.	PUNCT
+
+Particularly	ADV
+in	ADP
+the	DET
+absence	NOUN
+of	ADP
+any	DET
+entreaty	NOUN
+from	ADP
+them	PRON
+.	PUNCT
+
+Where	ADV
+is	AUX
+the	DET
+"	PUNCT
+simple	ADJ
+"	PUNCT
+explanation	NOUN
+of	ADP
+the	DET
+transportation	NOUN
+piece	NOUN
+?	PUNCT
+
+As	SCONJ
+I	PRON
+have	AUX
+told	VERB
+RNR	NOUN
+,	PUNCT
+I	PRON
+think	VERB
+we	PRON
+should	AUX
+advise	VERB
+Duke	PROPN
+in	ADP
+writing	NOUN
+that	SCONJ
+its	PRON
+IP	NOUN
+is	AUX
+not	PART
+in	ADP
+conformity	NOUN
+with	ADP
+the	DET
+contract	NOUN
+,	PUNCT
+since	SCONJ
+it	PRON
+is	AUX
+in	ADP
+the	DET
+alternative	NOUN
+,	PUNCT
+and	CCONJ
+that	SCONJ
+our	PRON
+IP	NOUN
+is	AUX
+hence	ADV
+the	DET
+only	ADJ
+one	NOUN
+that	PRON
+will	AUX
+be	AUX
+before	ADP
+the	DET
+arbitrators	NOUN
+(	PUNCT
+since	SCONJ
+Duke	PROPN
+clearly	ADV
+can	AUX
+not	PART
+change	VERB
+it's	PRON
+ineffective	ADJ
+IP	NOUN
+at	ADP
+this	DET
+stage	NOUN
+,	PUNCT
+having	AUX
+already	ADV
+seen	VERB
+ours	PRON
+)	PUNCT
+.	PUNCT
+
+Accordingly	ADV
+,	PUNCT
+the	DET
+only	ADJ
+issue	NOUN
+left	VERB
+for	ADP
+arbitration	NOUN
+is	VERB
+whether	SCONJ
+our	PRON
+IP	NOUN
+(	PUNCT
+the	DET
+only	ADJ
+one	NOUN
+and	CCONJ
+therefore	ADV
+the	DET
+one	NOUN
+they	PRON
+have	VERB
+to	PART
+choose	VERB
+)	PUNCT
+is	AUX
+or	CCONJ
+is	VERB
+not	PART
+an	DET
+economic	ADJ
+hardship	NOUN
+under	ADP
+the	DET
+contract	NOUN
+.	PUNCT
+
+What	PRON
+say	VERB
+ye	PRON
+?	PUNCT
+
+none	NOUN
+
+Susan	X
+Rance@ENRON	X
+
+11/28/2000	NUM
+03:58	NUM
+PM	NOUN
+
+By	ADP
+Friday	PROPN
+December	PROPN
+1st	NOUN
+,	PUNCT
+could	AUX
+you	PRON
+please	INTJ
+tell	VERB
+me	PRON
+the	DET
+percentages	NOUN
+/	PUNCT
+amount	NOUN
+of	ADP
+time	NOUN
+you	PRON
+spent	VERB
+on	ADP
+East	PROPN
+Coast	PROPN
+Power	PROPN
+during	ADP
+the	DET
+months	NOUN
+of	ADP
+October	PROPN
+and	CCONJ
+November	PROPN
+.	PUNCT
+
+In	ADP
+addition	NOUN
+,	PUNCT
+could	AUX
+you	PRON
+look	VERB
+over	ADP
+the	DET
+list	NOUN
+below	ADV
+to	PART
+see	VERB
+if	SCONJ
+there	PRON
+are	VERB
+any	DET
+additional	ADJ
+employees	NOUN
+in	ADP
+your	PRON
+group	NOUN
+that	PRON
+spent	VERB
+time	NOUN
+on	ADP
+ECP	PROPN
+,	PUNCT
+so	SCONJ
+we	PRON
+can	AUX
+ensure	VERB
+we	PRON
+bill	VERB
+all	DET
+of	ADP
+our	PRON
+used	VERB
+resources	NOUN
+to	ADP
+ECP	PROPN
+.	PUNCT
+
+Thanks	NOUN
+for	ADP
+you	PRON
+cooperation	NOUN
+.	PUNCT
+
+***	PUNCT
+Mary	PROPN
+Perkins	PROPN
+-	PUNCT
+Could	AUX
+you	PRON
+forward	VERB
+the	DET
+number	NOUN
+of	ADP
+transactions	NOUN
+and	CCONJ
+accounts	NOUN
+.	PUNCT
+
+***	PUNCT
+Jason	PROPN
+Chumley	PROPN
+-	PUNCT
+Could	AUX
+you	PRON
+forward	VERB
+the	DET
+number	NOUN
+of	ADP
+contractor	NOUN
+hours	NOUN
+and	CCONJ
+help	NOUN
+/	PUNCT
+remote	ADJ
+support	NOUN
+hours	NOUN
+.	PUNCT
+
+HR	NOUN
+-	PUNCT
+Veronica	PROPN
+Parra	PROPN
+,	PUNCT
+Nedre	PROPN
+Strambler	PROPN
+,	PUNCT
+Fran	PROPN
+Mayes	PROPN
+,	PUNCT
+Felicia	PROPN
+Solis	PROPN
+
+Legal	ADJ
+-	PUNCT
+Bob	PROPN
+Carter	PROPN
+,	PUNCT
+Travis	PROPN
+McCullough	PROPN
+,	PUNCT
+Lisa	PROPN
+Mellencamp	PROPN
+,	PUNCT
+Shelia	PROPN
+Tweed	PROPN
+,	PUNCT
+Richard	PROPN
+Sanders	PROPN
+,	PUNCT
+Michelle	PROPN
+Cash	PROPN
+
+Corporate	ADJ
+Finance	NOUN
+-	PUNCT
+Joe	PROPN
+Deffner	PROPN
+,	PUNCT
+Brain	PROPN
+Kerrigan	PROPN
+,	PUNCT
+Lewis	PROPN
+Worthy	PROPN
+,	PUNCT
+Mary	PROPN
+Perkins	PROPN
+
+IT	NOUN
+-	PUNCT
+Jason	PROPN
+Chumley	PROPN
+
+Structuring	NOUN
+/	PUNCT
+Technology	NOUN
+-	PUNCT
+Brad	PROPN
+Alford	PROPN
+,	PUNCT
+Chris	PROPN
+Coffman	PROPN
+,	PUNCT
+Bill	PROPN
+Keeney	PROPN
+
+Insurance	NOUN
+-	PUNCT
+David	PROPN
+Marshall	PROPN
+
+Susan	PROPN
+
+Looks	VERB
+good	ADJ
+
+Steve	PROPN
+Van	PROPN
+Hooser	PROPN
+
+11/28/2000	NUM
+11:34	NUM
+AM	NOUN
+
+Richard	PROPN
+,	PUNCT
+
+How	ADV
+does	AUX
+this	PRON
+look	VERB
+?	PUNCT
+
+If	SCONJ
+I	PRON
+can	AUX
+get	VERB
+a	DET
+few	ADJ
+minutes	NOUN
+with	ADP
+Mark	PROPN
+H.	PROPN
+today	NOUN
+,	PUNCT
+I	PRON
+'m	AUX
+going	VERB
+to	PART
+propose	VERB
+that	SCONJ
+I	PRON
+speak	VERB
+to	ADP
+Stan	PROPN
+Klimberg	PROPN
+about	SCONJ
+getting	VERB
+this	PRON
+signed	VERB
+before	ADP
+Thursday	PROPN
+'s	PART
+meeting	NOUN
+with	ADP
+LIPA	NOUN
+.	PUNCT
+
+Thanks	NOUN
+for	ADP
+your	PRON
+help	NOUN
+this	DET
+morning	NOUN
+.	PUNCT
+
+Steve	PROPN
+
+In	ADP
+the	DET
+three	NUM
+years	NOUN
+I	PRON
+have	AUX
+been	AUX
+here	ADV
+,	PUNCT
+I	PRON
+am	AUX
+unaware	ADJ
+of	ADP
+an	DET
+ENA	PROPN
+/	PUNCT
+ECT	PROPN
+bad	ADJ
+faith	NOUN
+claim	NOUN
+against	ADP
+any	DET
+insurance	NOUN
+company	NOUN
+.	PUNCT
+
+Anyone	PRON
+else	ADJ
+?	PUNCT
+
+If	SCONJ
+so	ADV
+,	PUNCT
+please	INTJ
+contact	VERB
+Michelle	PROPN
+.	PUNCT
+
+Michelle	X
+Blaine@ENRON_DEVELOPMENT	X
+
+11/28/2000	NUM
+07:35	NUM
+PM	NOUN
+
+Justin	PROPN
+,	PUNCT
+I	PRON
+have	VERB
+no	DET
+knowledge	NOUN
+of	ADP
+any	DET
+bad	ADJ
+faith	NOUN
+actins	NOUN
+Enron	PROPN
+has	VERB
+pending	VERB
+in	ADP
+Texas	PROPN
+but	CCONJ
+I	PRON
+will	AUX
+call	VERB
+Richard	PROPN
+Sanders	PROPN
+who	PRON
+manages	VERB
+domestic	ADJ
+litgation	NOUN
+here	ADV
+.	PUNCT
+
+I	PRON
+'ve	AUX
+read	VERB
+the	DET
+materials	NOUN
+you	PRON
+sent	VERB
+and	CCONJ
+agree	VERB
+we	PRON
+need	VERB
+to	PART
+address	VERB
+these	DET
+allegations	NOUN
+appropriately	ADV
+.	PUNCT
+
+Richard	PROPN
+do	AUX
+you	PRON
+have	VERB
+any	DET
+bad	ADJ
+faith	NOUN
+litigation	NOUN
+pending	VERB
+against	ADP
+any	DET
+insurers	NOUN
+in	ADP
+Texas	PROPN
+or	CCONJ
+are	AUX
+you	PRON
+aware	ADJ
+of	ADP
+any	DET
+Enron	PROPN
+has	AUX
+filed	VERB
+??	PUNCT
+
+We	PRON
+sued	VERB
+Houston	PROPN
+Casualty	PROPN
+last	ADJ
+year	NOUN
+but	CCONJ
+I	PRON
+do	AUX
+n't	PART
+recall	VERB
+making	VERB
+any	DET
+bad	ADJ
+faith	NOUN
+claims	NOUN
+.	PUNCT
+
+It	PRON
+settled	VERB
+anyway	ADV
+,	PUNCT
+a	DET
+long	ADJ
+time	NOUN
+ago	ADV
+.	PUNCT
+
+mb	PROPN
+
+Michelle	PROPN
+,	PUNCT
+
+Did	AUX
+you	PRON
+get	VERB
+my	PRON
+fax	NOUN
+on	ADP
+Friday	PROPN
+?	PUNCT
+
+I	PRON
+guess	VERB
+the	DET
+questions	NOUN
+on	ADP
+which	PRON
+I	PRON
+should	AUX
+like	VERB
+your	PRON
+steer	NOUN
+are	VERB
+:	PUNCT
+(	PUNCT
+a	X
+)	PUNCT
+Do	AUX
+you	PRON
+have	VERB
+a	DET
+particular	ADJ
+sensitivity	NOUN
+about	ADP
+the	DET
+reference	NOUN
+to	ADP
+bad	ADJ
+faith	NOUN
+proceedings	NOUN
+made	VERB
+by	ADP
+United	PROPN
+India	PROPN
+?	PUNCT
+
+(	PUNCT
+b	X
+)	PUNCT
+Is	AUX
+it	PRON
+right	ADJ
+that	SCONJ
+Enron	PROPN
+has	VERB
+3	NUM
+sets	NOUN
+of	ADP
+bad	ADJ
+faith	NOUN
+proceedings	NOUN
+in	ADP
+Texas	PROPN
+?	PUNCT
+
+(	PUNCT
+c	X
+)	PUNCT
+Are	AUX
+you	PRON
+happy	ADJ
+with	ADP
+the	DET
+draft	NOUN
+letter	NOUN
+to	ADP
+Beachcrofts	PROPN
+I	PRON
+sent	VERB
+you	PRON
+?	PUNCT
+
+Please	INTJ
+give	VERB
+me	PRON
+a	DET
+call	NOUN
+if	SCONJ
+you	PRON
+would	AUX
+like	VERB
+to	PART
+discuss	VERB
+.	PUNCT
+
+Justin	PROPN
+
+Not	PART
+when	ADV
+I	PRON
+was	AUX
+there	ADV
+,	PUNCT
+but	CCONJ
+I	PRON
+was	AUX
+n't	PART
+there	ADV
+the	DET
+whole	ADJ
+time	NOUN
+.	PUNCT
+
+Michelle	PROPN
+and	CCONJ
+Ken	PROPN
+,	PUNCT
+
+were	AUX
+you	PRON
+able	ADJ
+to	PART
+discuss	VERB
+the	DET
+"	PUNCT
+bad	ADJ
+faith	NOUN
+"	PUNCT
+proceedings	NOUN
+issue	NOUN
+yesterday	NOUN
+?	PUNCT
+
+If	SCONJ
+you	PRON
+got	VERB
+the	DET
+chance	NOUN
+today	NOUN
+,	PUNCT
+I	PRON
+should	AUX
+be	AUX
+really	ADV
+grateful	ADJ
+if	SCONJ
+one	NUM
+of	ADP
+you	PRON
+could	AUX
+give	VERB
+me	PRON
+a	DET
+call	NOUN
+to	PART
+discuss	VERB
+this	DET
+issue	NOUN
+;	PUNCT
+I	PRON
+think	VERB
+we	PRON
+should	AUX
+set	VERB
+out	ADP
+DPC	PROPN
+'s	PART
+position	NOUN
+clearly	ADV
+on	ADP
+this	PRON
+in	ADP
+correspondence	NOUN
+without	ADP
+too	ADV
+much	ADJ
+delay	NOUN
+.	PUNCT
+
+Justin	PROPN
+
+____________________________________________________________	SYM
+
+This	DET
+message	NOUN
+is	AUX
+confidential	ADJ
+.	PUNCT
+
+It	PRON
+may	AUX
+also	ADV
+be	VERB
+privileged	ADJ
+or	CCONJ
+otherwise	ADV
+protected	VERB
+by	ADP
+work	NOUN
+product	NOUN
+immunity	NOUN
+or	CCONJ
+other	ADJ
+legal	ADJ
+rules	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+have	AUX
+received	VERB
+it	PRON
+by	ADP
+mistake	NOUN
+please	INTJ
+let	VERB
+us	PRON
+know	VERB
+by	ADP
+reply	NOUN
+and	CCONJ
+then	ADV
+delete	VERB
+it	PRON
+from	ADP
+your	PRON
+system	NOUN
+;	PUNCT
+you	PRON
+should	AUX
+not	PART
+copy	VERB
+the	DET
+message	NOUN
+or	CCONJ
+disclose	VERB
+its	PRON
+contents	NOUN
+to	ADP
+anyone	PRON
+.	PUNCT
+
+____________________________________________________________	SYM
+
+Address	VERB
+this	PRON
+to	ADP
+Robin	PROPN
+Gibbs	PROPN
+for	ADP
+my	PRON
+signature	NOUN
+.	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+Russell	X
+Montgomery@ENRON	X
+
+11/28/2000	NUM
+08:22	NUM
+AM	NOUN
+
+Richard	PROPN
+-	PUNCT
+
+Per	ADP
+my	PRON
+voice	NOUN
+mail	NOUN
+,	PUNCT
+here	ADV
+is	AUX
+the	DET
+letter	NOUN
+.	PUNCT
+
+As	SCONJ
+I	PRON
+mentioned	VERB
+,	PUNCT
+please	INTJ
+let	VERB
+me	PRON
+know	VERB
+when	ADV
+it	PRON
+is	AUX
+ready	ADJ
+,	PUNCT
+and	CCONJ
+I	PRON
+will	AUX
+send	VERB
+someone	PRON
+to	PART
+pick	VERB
+it	PRON
+up	ADP
+.	PUNCT
+
+Thank	VERB
+you	PRON
+for	ADP
+your	PRON
+help	NOUN
+.	PUNCT
+
+Russ	PROPN
+3-5297	NUM
+
+brianp@aiglincoln.com	X
+
+Rob	PROPN
+Jacobs	PROPN
+<	PUNCT
+rsjacobs@Encoreacq.com	X
+>	PUNCT
+
+11/28/2000	NUM
+11:25	NUM
+AM	NOUN
+
+Hi	INTJ
+Rich	PROPN
+,	PUNCT
+
+Have	AUX
+you	PRON
+heard	VERB
+if	SCONJ
+the	DET
+Kinga	PROPN
+has	AUX
+had	VERB
+little	ADJ
+Brian	PROPN
+II	PROPN
+yet	ADV
+?	PUNCT
+
+Also	ADV
+,	PUNCT
+remind	VERB
+me	PRON
+of	ADP
+Patterson	PROPN
+'s	PART
+email	NOUN
+,	PUNCT
+so	SCONJ
+I	PRON
+can	AUX
+harass	VERB
+him	PRON
+directly	ADV
+.	PUNCT
+
+Hope	VERB
+your	PRON
+pre	X
+Chanukah	PROPN
+planning	NOUN
+is	AUX
+going	VERB
+well	ADV
+.	PUNCT
+
+Rob	PROPN
+
+-	PUNCT
+C.DTF	NOUN
+
+As	SCONJ
+you	PRON
+can	AUX
+tell	VERB
+from	ADP
+the	DET
+time	NOUN
+of	ADP
+my	PRON
+e-mail	NOUN
+,	PUNCT
+I	PRON
+am	AUX
+getting	AUX
+crushed	VERB
+.	PUNCT
+
+Please	INTJ
+ask	VERB
+her	PRON
+to	PART
+be	AUX
+the	DET
+contact	NOUN
+person	NOUN
+.	PUNCT
+
+Robert	X
+C	X
+Williams@ENRON_DEVELOPMENT	X
+
+11/28/2000	NUM
+09:46	NUM
+AM	NOUN
+
+Now	ADV
+that	SCONJ
+Michelle	PROPN
+is	AUX
+in	ADP
+your	PRON
+fold	NOUN
+,	PUNCT
+do	AUX
+you	PRON
+want	VERB
+to	PART
+reconsider	VERB
+her	PRON
+being	AUX
+the	DET
+contact	NOUN
+person	NOUN
+with	ADP
+AAA	PROPN
+on	ADP
+this	PRON
+?	PUNCT
+
+I	PRON
+am	AUX
+sending	VERB
+you	PRON
+a	DET
+letter	NOUN
+from	ADP
+their	PRON
+atty	NOUN
+.	PUNCT
+
+Call	VERB
+me	PRON
+to	PART
+discuss	VERB
+.	PUNCT
+
+Cheryl	PROPN
+Marshall	PROPN
+
+11/27/2000	NUM
+10:25	NUM
+AM	NOUN
+
+As	ADP
+of	ADP
+today	NOUN
+,	PUNCT
+we	PRON
+have	AUX
+not	PART
+received	VERB
+payment	NOUN
+in	ADP
+full	ADJ
+as	SCONJ
+requested	VERB
+in	ADP
+Richard	PROPN
+Sanders	PROPN
+'	PART
+letter	NOUN
+dated	VERB
+November	PROPN
+16	NUM
+,	PUNCT
+2000	NUM
+.	PUNCT
+
+We	PRON
+did	AUX
+receive	VERB
+a	DET
+payment	NOUN
+for	ADP
+$	SYM
+3,202.61	NUM
+on	ADP
+11-20-2000	NUM
+.	PUNCT
+
+Richard	PROPN
+-	PUNCT
+please	INTJ
+let	VERB
+me	PRON
+know	VERB
+what	PRON
+we	PRON
+need	VERB
+to	PART
+do	VERB
+next	ADV
+to	PART
+file	VERB
+suit	NOUN
+.	PUNCT
+
+Nuria_R_Ibarra@calpx.com	X
+on	ADP
+04/28/2000	NUM
+11:15:11	NUM
+AM	NOUN
+
+The	DET
+attached	VERB
+letter	NOUN
+is	AUX
+being	AUX
+sent	VERB
+to	ADP
+you	PRON
+from	ADP
+Patricia	PROPN
+Gillman	PROPN
+.	PUNCT
+
+(	PUNCT
+See	VERB
+attached	VERB
+file	NOUN
+:	PUNCT
+Sanders	X
+Letter	X
+4_28_00.doc	NOUN
+)	PUNCT
+
+-	PUNCT
+Sanders	X
+Letter	X
+4_28_00.doc	NOUN
+
+Richard	PROPN
+B	PROPN
+Sanders	PROPN
+
+11/28/2000	NUM
+09:56	NUM
+PM	NOUN
+
+I	PRON
+am	AUX
+sending	VERB
+you	PRON
+a	DET
+letter	NOUN
+from	ADP
+their	PRON
+atty	NOUN
+.	PUNCT
+
+Call	VERB
+me	PRON
+to	PART
+discuss	VERB
+.	PUNCT
+
+Cheryl	PROPN
+Marshall	PROPN
+
+11/27/2000	NUM
+10:25	NUM
+AM	NOUN
+
+As	ADP
+of	ADP
+today	NOUN
+,	PUNCT
+we	PRON
+have	AUX
+not	PART
+received	VERB
+payment	NOUN
+in	ADP
+full	ADJ
+as	SCONJ
+requested	VERB
+in	ADP
+Richard	PROPN
+Sanders	PROPN
+'	PART
+letter	NOUN
+dated	VERB
+November	PROPN
+16	NUM
+,	PUNCT
+2000	NUM
+.	PUNCT
+
+We	PRON
+did	AUX
+receive	VERB
+a	DET
+payment	NOUN
+for	ADP
+$	SYM
+3,202.61	NUM
+on	ADP
+11-20-2000	NUM
+.	PUNCT
+
+Richard	PROPN
+-	PUNCT
+please	INTJ
+let	VERB
+me	PRON
+know	VERB
+what	PRON
+we	PRON
+need	VERB
+to	PART
+do	VERB
+next	ADV
+to	PART
+file	VERB
+suit	NOUN
+.	PUNCT
+
+Has	AUX
+Liz	PROPN
+finished	VERB
+with	SCONJ
+gathering	VERB
+the	DET
+documents	NOUN
+?	PUNCT
+
+melanie.gray@weil.com	X
+
+11/13/2000	NUM
+03:43	NUM
+PM	NOUN
+
+Here	ADV
+are	AUX
+the	DET
+revised	VERB
+dates	NOUN
+for	ADP
+the	DET
+response	NOUN
+/	PUNCT
+reply	NOUN
+/	PUNCT
+and	CCONJ
+hearing	NOUN
+dates	NOUN
+for	ADP
+Enron	PROPN
+'s	PART
+motion	NOUN
+to	PART
+compel	VERB
+.	PUNCT
+
+As	SCONJ
+you	PRON
+may	AUX
+recall	VERB
+,	PUNCT
+they	PRON
+say	VERB
+they	PRON
+want	VERB
+a	DET
+deposition	NOUN
+on	ADP
+the	DET
+parties	NOUN
+'	PART
+intention	NOUN
+.	PUNCT
+
+We	PRON
+should	AUX
+be	AUX
+expecting	VERB
+a	DET
+deposition	NOUN
+notice	NOUN
+soon	ADV
+if	SCONJ
+they	PRON
+are	AUX
+going	VERB
+to	PART
+follow	VERB
+through	ADP
+on	ADP
+their	PRON
+threat	NOUN
+.	PUNCT
+
+I	PRON
+passed	VERB
+along	ADV
+to	ADP
+Liz	PROPN
+Austin	PROPN
+your	PRON
+request	NOUN
+regarding	VERB
+pleadings	NOUN
+A&K	PROPN
+has	AUX
+filed	VERB
+setting	VERB
+forth	ADV
+the	DET
+Trustee	NOUN
+'s	PART
+position	NOUN
+in	ADP
+connection	NOUN
+with	ADP
+the	DET
+enforcement	NOUN
+/	PUNCT
+nonenforcement	NOUN
+of	ADP
+the	DET
+power	NOUN
+contracts	NOUN
+and	CCONJ
+what	DET
+remedies	NOUN
+the	DET
+Trustee	NOUN
+is	AUX
+seeking	VERB
+.	PUNCT
+
+As	SCONJ
+you	PRON
+see	VERB
+below	ADV
+,	PUNCT
+she	PRON
+is	AUX
+pulling	VERB
+those	PRON
+together	ADV
+.	PUNCT
+
+Call	VERB
+to	PART
+discuss	VERB
+the	DET
+response	NOUN
+to	ADP
+the	DET
+Trustee	NOUN
+'s	PART
+settlement	NOUN
+offer	NOUN
+.	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+Hi	INTJ
+--	PUNCT
+
+Talked	VERB
+to	ADP
+Craig	PROPN
+and	CCONJ
+the	DET
+Court	NOUN
+today	NOUN
+.	PUNCT
+
+The	DET
+motion	NOUN
+to	PART
+compel	VERB
+is	AUX
+now	ADV
+scheduled	VERB
+for	ADP
+Dec.	PROPN
+12	NUM
+at	ADP
+2	NUM
+p.m	NOUN
+.	PUNCT
+
+The	DET
+trustee	NOUN
+'s	PART
+oppositon	NOUN
+papers	NOUN
+are	AUX
+now	ADV
+due	ADJ
+Nov	PROPN
+27	NUM
+and	CCONJ
+Enron	PROPN
+reply	NOUN
+is	AUX
+due	ADJ
+Dec	PROPN
+1	NUM
+.	PUNCT
+
+I	PRON
+have	VERB
+my	PRON
+paralegal	NOUN
+gathering	VERB
+the	DET
+pleadings	NOUN
+Enron	PROPN
+requested	VERB
+.	PUNCT
+
+That	PRON
+is	AUX
+all	DET
+for	ADP
+now	ADV
+.	PUNCT
+
+--	PUNCT
+Liz	PROPN
+
+**********	PUNCT
+NOTE	NOUN
+**********	PUNCT
+
+The	DET
+information	NOUN
+contained	VERB
+in	ADP
+this	DET
+email	NOUN
+message	NOUN
+is	AUX
+intended	VERB
+only	ADV
+for	ADP
+use	NOUN
+of	ADP
+the	DET
+individual	NOUN
+or	CCONJ
+entity	NOUN
+named	VERB
+above	ADV
+.	PUNCT
+
+If	SCONJ
+the	DET
+reader	NOUN
+of	ADP
+this	DET
+message	NOUN
+is	AUX
+not	PART
+the	DET
+intended	VERB
+recipient	NOUN
+,	PUNCT
+or	CCONJ
+the	DET
+employee	NOUN
+or	CCONJ
+agent	NOUN
+responsible	ADJ
+to	PART
+deliver	VERB
+it	PRON
+to	ADP
+the	DET
+intended	VERB
+recipient	NOUN
+,	PUNCT
+you	PRON
+are	AUX
+hereby	ADV
+notified	VERB
+that	SCONJ
+any	DET
+dissemination	NOUN
+,	PUNCT
+distribution	NOUN
+or	CCONJ
+copying	NOUN
+of	ADP
+this	DET
+communication	NOUN
+is	AUX
+strictly	ADV
+prohibited	VERB
+.	PUNCT
+
+If	SCONJ
+you	PRON
+have	AUX
+received	VERB
+this	DET
+communication	NOUN
+in	ADP
+error	NOUN
+,	PUNCT
+please	INTJ
+immediately	ADV
+notify	VERB
+us	PRON
+by	ADP
+telephone	NOUN
+(	PUNCT
+713-546-5000	NUM
+)	PUNCT
+,	PUNCT
+and	CCONJ
+destroy	VERB
+the	DET
+original	ADJ
+message	NOUN
+.	PUNCT
+
+Thank	VERB
+you	PRON
+.	PUNCT
+
+"	PUNCT
+Gerry	PROPN
+Strathmann	PROPN
+"	PUNCT
+<	PUNCT
+gstrathmann@mediaone.net	X
+>	PUNCT
+
+11/08/2000	NUM
+02:19	NUM
+PM	NOUN
+
+Dear	ADJ
+Mr.	PROPN
+Sanders	PROPN
+-	PUNCT
+
+?	PUNCT
+
+While	SCONJ
+I	PRON
+left	VERB
+a	DET
+you	PRON
+a	DET
+phone	NOUN
+message	NOUN
+with	ADP
+some	DET
+information	NOUN
+about	ADP
+our	PRON
+project	NOUN
+,	PUNCT
+I	PRON
+thought	VERB
+I	PRON
+could	AUX
+give	VERB
+you	PRON
+some	DET
+additional	ADJ
+details	NOUN
+by	ADP
+e-mail	NOUN
+as	ADV
+well	ADV
+...	PUNCT
+
+?	PUNCT
+
+We	PRON
+are	AUX
+still	ADV
+very	ADV
+interested	ADJ
+in	SCONJ
+having	VERB
+Enron	PROPN
+support	VERB
+our	PRON
+eCommerce	NOUN
+Dispute	NOUN
+Management	NOUN
+Protocol	NOUN
+.?	PUNCT
+
+We	PRON
+have	AUX
+had	VERB
+enthusiastic	ADJ
+responses	NOUN
+from	ADP
+companies	NOUN
+such	ADJ
+as	ADP
+AT&T	PROPN
+,	PUNCT
+Duke	PROPN
+Energy	PROPN
+,	PUNCT
+Pitney	PROPN
+Bowes	PROPN
+and	CCONJ
+Daimler	PROPN
+Chrysler	PROPN
+,	PUNCT
+and	CCONJ
+I	PRON
+would	AUX
+be	AUX
+pleased	ADJ
+to	PART
+answer	VERB
+any	DET
+questions	NOUN
+you	PRON
+may	AUX
+have	VERB
+about	ADP
+this	DET
+focal	ADJ
+point	NOUN
+for	ADP
+our	PRON
+educational	ADJ
+efforts	NOUN
+.?	PUNCT
+
+The	DET
+real	ADJ
+purpose	NOUN
+of	ADP
+my	PRON
+call	NOUN
+,	PUNCT
+however	ADV
+,	PUNCT
+is	AUX
+related	ADJ
+to	ADP
+the	DET
+services	NOUN
+we	PRON
+will	AUX
+provide	VERB
+to	PART
+support	VERB
+the	DET
+aspirational	ADJ
+statements	NOUN
+of	ADP
+the	DET
+Protocol	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+a	DET
+member	NOUN
+of	ADP
+the	DET
+design	NOUN
+group	NOUN
+that	PRON
+has	AUX
+been	AUX
+developing	VERB
+the	DET
+American	PROPN
+Arbitration	PROPN
+Association	PROPN
+'s	PART
+dispute	NOUN
+management	NOUN
+systems	NOUN
+and	CCONJ
+services	NOUN
+for	ADP
+eCommerce	NOUN
+B2B	NOUN
+transactions	NOUN
+.?	PUNCT
+
+At	ADP
+this	DET
+time	NOUN
+we	PRON
+are	AUX
+putting	VERB
+together	ADV
+small	ADJ
+working	VERB
+groups	NOUN
+to	PART
+validate	VERB
+some	DET
+of	ADP
+our	PRON
+assumptions	NOUN
+and	CCONJ
+refine	VERB
+our	PRON
+initial	ADJ
+service	NOUN
+offerings	NOUN
+.	PUNCT
+
+Initially	ADV
+our	PRON
+design	NOUN
+group	NOUN
+,	PUNCT
+along	ADP
+with	ADP
+perhaps	ADV
+one	NUM
+of	ADP
+our	PRON
+technology	NOUN
+consultants	NOUN
+,	PUNCT
+would	AUX
+like	VERB
+to	PART
+meet	VERB
+with	ADP
+a	DET
+group	NOUN
+of	ADP
+Enron	PROPN
+people	NOUN
+for	ADP
+half	DET
+a	DET
+day	NOUN
+.?	PUNCT
+
+Ideally	ADV
+this	DET
+group	NOUN
+would	AUX
+consist	VERB
+of	ADP
+four	NUM
+to	ADP
+six	NUM
+people	NOUN
+from	ADP
+finance	NOUN
+,	PUNCT
+legal	NOUN
+,	PUNCT
+and	CCONJ
+operations	NOUN
+so	SCONJ
+that	SCONJ
+we	PRON
+get	VERB
+good	ADJ
+cross-functional	ADJ
+feedback	NOUN
+about	ADP
+our	PRON
+services	NOUN
+.?	PUNCT
+
+Before	ADP
+the	DET
+meeting	NOUN
+we	PRON
+would	AUX
+provide	VERB
+you	PRON
+with	ADP
+a	DET
+brief	ADJ
+description	NOUN
+of	ADP
+our	PRON
+proposed	VERB
+service	NOUN
+offerings	NOUN
+and	CCONJ
+a	DET
+list	NOUN
+of	ADP
+points	NOUN
+for	ADP
+discussion	NOUN
+at	ADP
+the	DET
+meeting	NOUN
+.	PUNCT
+
+The	DET
+real	ADJ
+focus	NOUN
+of	ADP
+the	DET
+meeting	NOUN
+will	AUX
+be	AUX
+on	SCONJ
+how	ADV
+we	PRON
+should	AUX
+build	VERB
+these	DET
+services	NOUN
+to	PART
+meet	VERB
+the	DET
+needs	NOUN
+of	ADP
+businesses	NOUN
+operating	VERB
+in	ADP
+B2B	NOUN
+marketplaces	NOUN
+.?	PUNCT
+
+We	PRON
+are	AUX
+very	ADV
+concerned	ADJ
+with	SCONJ
+providing	VERB
+services	NOUN
+that	PRON
+are	AUX
+relevant	ADJ
+to	ADP
+that	DET
+environment	NOUN
+.	PUNCT
+
+We	PRON
+would	AUX
+like	VERB
+to	PART
+meet	VERB
+between	ADP
+November	PROPN
+14	NUM
+and	CCONJ
+?	PUNCT
+December	PROPN
+1	NUM
+?	PUNCT
+since	SCONJ
+construction	NOUN
+of	ADP
+our	PRON
+services	NOUN
+is	AUX
+already	ADV
+underway	ADJ
+.?	PUNCT
+
+Please	INTJ
+let	VERB
+me	PRON
+know	VERB
+what	PRON
+is	AUX
+possible	ADJ
+,	PUNCT
+and	CCONJ
+feel	VERB
+free	ADJ
+to	PART
+give	VERB
+me	PRON
+a	DET
+call	NOUN
+if	SCONJ
+you	PRON
+have	VERB
+any	DET
+questions	NOUN
+(	PUNCT
+978-376-9004	NUM
+)	PUNCT
+.	PUNCT
+
+?	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+->	SYM
+Gerry	PROPN
+
+Gerry	PROPN
+Strathmann	PROPN
+eCommerce	NOUN
+Group	NOUN
+American	PROPN
+Arbitration	PROPN
+Association	PROPN
+(	PUNCT
+978	NUM
+)	PUNCT
+376-9004	NUM
+303-294-4499	NUM
+
+"	PUNCT
+Neal	PROPN
+S.	PROPN
+Manne	PROPN
+"	PUNCT
+<	PUNCT
+NMANNE@SusmanGodfrey.com	X
+>	PUNCT
+
+11/29/2000	NUM
+09:52	NUM
+AM	NOUN
+
+Thanks	NOUN
+,	PUNCT
+Richard	PROPN
+.	PUNCT
+
+Do	AUX
+you	PRON
+have	VERB
+a	DET
+tel	NOUN
+#	NOUN
+for	ADP
+Mike	PROPN
+?	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+Mark	X
+Palmer@ENRON	X
+
+11/29/2000	NUM
+10:45	NUM
+AM	NOUN
+
+I	PRON
+'ll	AUX
+send	VERB
+a	DET
+copy	NOUN
+of	ADP
+the	DET
+suit	NOUN
+filed	VERB
+against	ADP
+the	DET
+generators	NOUN
+as	ADV
+soon	ADV
+as	SCONJ
+I	PRON
+get	VERB
+it	PRON
+.	PUNCT
+
+Mark	PROPN
+
+"	PUNCT
+Leopold	PROPN
+,	PUNCT
+Jason	PROPN
+"	PUNCT
+<	PUNCT
+Jason.Leopold@dowjones.com	X
+>	PUNCT
+
+11/29/2000	NUM
+10:40	NUM
+AM	NOUN
+
+Hello	INTJ
+Energyphiles	NOUN
+:	PUNCT
+
+OK	INTJ
+,	PUNCT
+perhaps	ADV
+it	PRON
+was	AUX
+inevitable	ADJ
+.	PUNCT
+
+But	CCONJ
+it	PRON
+is	AUX
+now	ADV
+official	ADJ
+.	PUNCT
+
+A	DET
+team	NOUN
+of	ADP
+San	PROPN
+Diego	PROPN
+'s	PART
+best	ADJ
+anti-trust	ADJ
+and	CCONJ
+class	NOUN
+action	NOUN
+attorneys	NOUN
+has	AUX
+been	AUX
+assembled	VERB
+to	PART
+take	VERB
+on	ADP
+the	DET
+electric	ADJ
+generators	NOUN
+and	CCONJ
+marketers	NOUN
+in	ADP
+California	PROPN
+state	NOUN
+court	NOUN
+in	ADP
+an	DET
+effort	NOUN
+to	PART
+return	VERB
+the	DET
+electricity	NOUN
+overcharges	NOUN
+that	PRON
+have	AUX
+battered	VERB
+San	PROPN
+Diego	PROPN
+and	CCONJ
+the	DET
+rest	NOUN
+of	ADP
+California	PROPN
+this	DET
+year	NOUN
+.	PUNCT
+
+A	DET
+press	NOUN
+conference	NOUN
+will	AUX
+be	AUX
+held	VERB
+to	PART
+discuss	VERB
+the	DET
+consumer	NOUN
+class	NOUN
+action	NOUN
+lawsuit	NOUN
+to	PART
+be	AUX
+filed	VERB
+today	NOUN
+.	PUNCT
+
+WHEN	ADV
+:	PUNCT
+11	NUM
+am	NOUN
+-	SYM
+noon	NOUN
+
+WHERE	ADV
+:	PUNCT
+550	NUM
+West	PROPN
+C	PROPN
+St.	PROPN
+(	PUNCT
+b/t	ADP
+Columbia	PROPN
+&	CCONJ
+India	PROPN
+)	PUNCT
+Suite	NOUN
+1810	NUM
+Law	PROPN
+Offices	PROPN
+of	ADP
+Levine	PROPN
+,	PUNCT
+Steinberg	PROPN
+,	PUNCT
+Miller	PROPN
+&	CCONJ
+Huver	PROPN
+619-231-9449	NUM
+
+WHAT	PRON
+:	PUNCT
+Copies	NOUN
+of	ADP
+the	DET
+filed	VERB
+complaint	NOUN
+will	AUX
+be	AUX
+made	VERB
+available	ADJ
+at	ADP
+that	DET
+time	NOUN
+.	PUNCT
+
+UCAN	PROPN
+'s	PART
+executive	ADJ
+director	NOUN
+and	CCONJ
+the	DET
+attorney	NOUN
+team	NOUN
+will	AUX
+be	AUX
+available	ADJ
+to	PART
+answer	VERB
+questions	NOUN
+about	ADP
+the	DET
+complaint	NOUN
+.	PUNCT
+
+We	PRON
+are	AUX
+hopeful	ADJ
+that	SCONJ
+we	PRON
+can	AUX
+post	VERB
+the	DET
+complaint	NOUN
+to	ADP
+the	DET
+UCAN	PROPN
+web	NOUN
+site	NOUN
+later	ADV
+today	NOUN
+.	PUNCT
+
+***********************************	PUNCT
+
+"	PUNCT
+Time	NOUN
+is	AUX
+the	DET
+best	ADJ
+teacher	NOUN
+,	PUNCT
+except	ADP
+for	ADP
+the	DET
+fact	NOUN
+that	SCONJ
+it	PRON
+kills	VERB
+off	ADP
+its	PRON
+best	ADJ
+students	NOUN
+"	PUNCT
+
+Michael	PROPN
+Shames	PROPN
+Executive	ADJ
+Director	NOUN
+Utility	PROPN
+Consumers	PROPN
+'	PART
+Action	PROPN
+Network	PROPN
+1717	NUM
+Kettner	PROPN
+Blvd.	PROPN
+Suite	NOUN
+105	NUM
+San	PROPN
+Diego	PROPN
+,	PUNCT
+CA	PROPN
+92101	NUM
+619-696-6966	NUM
+mshames@ucan.org	X
+
+the	DET
+industry	NOUN
+of	ADP
+Marriage	NOUN
+and	CCONJ
+Kids	NOUN
+,	PUNCT
+you	PRON
+heard	VERB
+me	PRON
+.	PUNCT
+
+Marriage	NOUN
+is	AUX
+,	PUNCT
+in	ADP
+and	CCONJ
+of	ADP
+itself	PRON
+,	PUNCT
+a	DET
+noble	ADJ
+concept	NOUN
+,	PUNCT
+but	CCONJ
+it	PRON
+too	ADV
+often	ADV
+leads	VERB
+to	ADP
+kids	NOUN
+and	CCONJ
+kids	NOUN
+flat	ADV
+out	ADV
+suck	VERB
+.	PUNCT
+
+How	ADV
+can	AUX
+I	PRON
+say	VERB
+such	DET
+an	DET
+abomination	NOUN
+,	PUNCT
+ask	VERB
+you	PRON
+?	PUNCT
+
+Look	VERB
+around	ADP
+you	PRON
+and	CCONJ
+notice	VERB
+all	DET
+the	DET
+mind	NOUN
+numbing	VERB
+trailor	NOUN
+trash	NOUN
+cretins	NOUN
+out	ADV
+there	ADV
+who	PRON
+should	AUX
+not	PART
+be	AUX
+procreating	VERB
+,	PUNCT
+yet	CCONJ
+they	PRON
+do	VERB
+.	PUNCT
+
+These	PRON
+are	AUX
+the	DET
+people	NOUN
+who	PRON
+keep	VERB
+Jerry	PROPN
+springer	PROPN
+on	ADP
+the	DET
+air	NOUN
+.	PUNCT
+
+These	PRON
+are	AUX
+the	DET
+kids	NOUN
+who	PRON
+will	AUX
+destroy	VERB
+society	NOUN
+,	PUNCT
+because	ADP
+of	ADP
+the	DET
+crapfest	NOUN
+the	DET
+American	ADJ
+family	NOUN
+has	AUX
+become	VERB
+under	ADP
+the	DET
+post	X
+hippie	ADJ
+culture	NOUN
+,	PUNCT
+you	PRON
+heard	VERB
+again	ADV
+.	PUNCT
+
+And	CCONJ
+you	PRON
+might	AUX
+think	VERB
+by	SCONJ
+reading	VERB
+this	PRON
+I	PRON
+blame	VERB
+the	DET
+kids	NOUN
+.....	PUNCT
+
+Not	PART
+so	ADV
+,	PUNCT
+Kids	NOUN
+are	AUX
+what	PRON
+kids	NOUN
+are	VERB
+and	CCONJ
+will	AUX
+do	VERB
+what	PRON
+they	PRON
+do	VERB
+.	PUNCT
+
+It	PRON
+is	VERB
+literally	ADV
+monkey	NOUN
+see	VERB
+and	CCONJ
+monkey	NOUN
+do	VERB
+with	ADP
+them	PRON
+.	PUNCT
+
+That	PRON
+will	AUX
+likely	ADV
+never	ADV
+change	VERB
+.	PUNCT
+
+It	PRON
+'s	AUX
+the	DET
+bad	ADJ
+parents	NOUN
+out	ADV
+there	ADV
+who	PRON
+fuck	VERB
+up	ADP
+their	PRON
+lives	NOUN
+and	CCONJ
+do	AUX
+nt	PART
+seem	VERB
+to	PART
+understand	VERB
+that	SCONJ
+once	SCONJ
+you	PRON
+decide	VERB
+to	PART
+have	VERB
+kids	NOUN
+,	PUNCT
+it	PRON
+is	AUX
+indeed	ADV
+time	NOUN
+to	PART
+grow	VERB
+up	ADP
+and	CCONJ
+be	AUX
+a	DET
+responsible	ADJ
+role	NOUN
+model	NOUN
+for	ADP
+those	DET
+kids	NOUN
+.	PUNCT
+
+Very	ADV
+few	ADJ
+parents	NOUN
+do	VERB
+this	PRON
+.	PUNCT
+
+And	CCONJ
+this	PRON
+is	AUX
+a	DET
+direct	ADJ
+result	NOUN
+of	ADP
+the	DET
+Politically	ADV
+correct	ADJ
+,	PUNCT
+permissive	ADJ
+,	PUNCT
+time	NOUN
+out	NOUN
+granting	VERB
+bullshit	NOUN
+liberal	ADJ
+culture	NOUN
+that	PRON
+has	AUX
+caused	VERB
+this	PRON
+.	PUNCT
+
+When	ADV
+you	PRON
+blame	VERB
+it	PRON
+all	DET
+on	ADP
+society	NOUN
+,	PUNCT
+there	PRON
+'s	VERB
+noone	NOUN
+to	PART
+to	PART
+take	VERB
+responsibility	NOUN
+and	CCONJ
+all	ADV
+of	ADV
+a	ADV
+sudden	ADV
+you	PRON
+have	VERB
+generation	NOUN
+of	ADP
+fucked	VERB
+up	ADP
+kids	NOUN
+who	PRON
+are	AUX
+likley	ADV
+smoking	VERB
+,	PUNCT
+drinking	VERB
+,	PUNCT
+doing	VERB
+drugs	NOUN
+,	PUNCT
+fucking	VERB
+the	DET
+neighbor	NOUN
+or	CCONJ
+some	DET
+internet	NOUN
+perv	NOUN
+just	ADV
+because	SCONJ
+you	PRON
+are	AUX
+too	ADV
+lazy	ADJ
+to	PART
+see	VERB
+waht	PRON
+they	PRON
+'re	AUX
+doing	VERB
+.	PUNCT
+
+People	NOUN
+like	ADP
+this	PRON
+will	AUX
+never	ADV
+have	VERB
+my	PRON
+sympathy	NOUN
+,	PUNCT
+nor	CCONJ
+do	AUX
+they	PRON
+deserve	VERB
+my	PRON
+sympathy	NOUN
+.	PUNCT
+
+Look	VERB
+inside	ADP
+yourselves	PRON
+parents	NOUN
+,	PUNCT
+is	AUX
+this	PRON
+you	PRON
+?	PUNCT
+
+Probably	ADV
+it	PRON
+is	AUX
+.	PUNCT
+
+Fuck	VERB
+you	PRON
+.	PUNCT
+
+Stop	VERB
+trying	VERB
+to	PART
+pawn	VERB
+your	PRON
+brats	NOUN
+off	ADP
+on	ADP
+others	NOUN
+to	PART
+"	PUNCT
+get	VERB
+a	DET
+break	NOUN
+"	PUNCT
+.	PUNCT
+
+You	PRON
+made	VERB
+a	DET
+choice	NOUN
+to	PART
+be	AUX
+a	DET
+mommy	NOUN
+,	PUNCT
+you	PRON
+do	AUX
+nt	PART
+get	VERB
+a	DET
+break	NOUN
+until	SCONJ
+they	PRON
+move	VERB
+out	ADV
+,	PUNCT
+that	PRON
+s	AUX
+the	DET
+choice	NOUN
+that	PRON
+you	PRON
+madea	VERB
+and	CCONJ
+that	PRON
+'s	AUX
+life	NOUN
+.	PUNCT
+
+Tough	ADJ
+shit	NOUN
+.	PUNCT
+
+Just	ADV
+because	SCONJ
+you	PRON
+'re	AUX
+stuck	ADJ
+,	PUNCT
+does	AUX
+nt	PART
+give	VERB
+you	PRON
+the	DET
+right	NOUN
+to	PART
+drag	VERB
+down	ADP
+all	DET
+the	DET
+singles	NOUN
+around	ADP
+you	PRON
+.	PUNCT
+
+Another	DET
+time	NOUN
+I	PRON
+'ll	AUX
+segueway	VERB
+into	ADP
+all	DET
+the	DET
+fun	ADJ
+work	NOUN
+related	ADJ
+instances	NOUN
+where	ADV
+"	PUNCT
+Mommies	NOUN
+"	PUNCT
+get	VERB
+out	ADP
+of	SCONJ
+doing	VERB
+work	NOUN
+and	CCONJ
+hiding	VERB
+behind	ADP
+childcare	NOUN
+as	ADP
+the	DET
+reason	NOUN
+.	PUNCT
+
+This	PRON
+is	AUX
+the	DET
+insidious	ADJ
+conspiracy	NOUN
+I	PRON
+call	VERB
+"	PUNCT
+Mommism	NOUN
+"	PUNCT
+.	PUNCT
+
+It	PRON
+must	AUX
+be	AUX
+stamped	VERB
+out	ADP
+.	PUNCT
+
+[	PUNCT
+http://www.newsday.com/news/opinion/ny-vpnasa054135614feb05,0,5979821.story?coll=ny-editorials-headlines	X
+]	PUNCT
+
+(	PUNCT
+Newsday.com	X
+)	PUNCT
+
+It	PRON
+looks	VERB
+like	SCONJ
+NASA	PROPN
+is	AUX
+ready	ADJ
+to	PART
+sour	VERB
+again	ADV
+after	ADP
+it's	PRON
+devastating	ADJ
+loss	NOUN
+from	ADP
+the	DET
+Columbia	PROPN
+accident	NOUN
+which	PRON
+occurred	VERB
+nearly	ADV
+two	NUM
+years	NOUN
+ago	ADV
+.	PUNCT
+
+Now	ADV
+,	PUNCT
+NASA	PROPN
+engineers	NOUN
+and	CCONJ
+astronauts	NOUN
+are	AUX
+almost	ADV
+giddy	ADJ
+with	ADP
+"	PUNCT
+go	NOUN
+"	PUNCT
+fever	NOUN
+as	SCONJ
+the	DET
+tentative	ADJ
+date	NOUN
+for	ADP
+the	DET
+first	ADJ
+launch	NOUN
+since	ADP
+the	DET
+Columbia	PROPN
+disaster	NOUN
+approaches	VERB
+.	PUNCT
+
+The	DET
+most	ADV
+important	ADJ
+question	NOUN
+is	VERB
+n't	PART
+whether	SCONJ
+Discovery	PROPN
+is	AUX
+technically	ADV
+ready	ADJ
+to	PART
+fly	VERB
+with	ADP
+new	ADJ
+safety	NOUN
+features	NOUN
+and	CCONJ
+emergency	NOUN
+procedures	NOUN
+,	PUNCT
+but	CCONJ
+whether	SCONJ
+the	DET
+agency	NOUN
+itself	PRON
+has	AUX
+learned	VERB
+from	ADP
+the	DET
+crucial	ADJ
+errors	NOUN
+most	ADV
+common	ADJ
+to	ADP
+Challenger	PROPN
+and	CCONJ
+Columbia	PROPN
+,	PUNCT
+errors	NOUN
+that	PRON
+grew	VERB
+out	ADP
+of	ADP
+a	DET
+management	NOUN
+culture	NOUN
+that	PRON
+discouraged	VERB
+criticism	NOUN
+and	CCONJ
+sacrificed	VERB
+safety	NOUN
+for	ADP
+image	NOUN
+-	PUNCT
+puffing	NOUN
+and	CCONJ
+budget	NOUN
+-	PUNCT
+cutting	NOUN
+.	PUNCT
+
+I	PRON
+hope	VERB
+so	ADV
+.	PUNCT
+
+Seeing	VERB
+another	DET
+"	PUNCT
+Columbia	PROPN
+"	PUNCT
+incident	NOUN
+can	AUX
+be	AUX
+quite	ADV
+frightening	ADJ
+(	PUNCT
+I	PRON
+woke	VERB
+up	ADP
+to	ADP
+it	PRON
+early	ADV
+in	ADP
+the	DET
+morning	NOUN
+when	ADV
+I	PRON
+was	AUX
+in	ADP
+Texas	PROPN
+)	PUNCT
+.	PUNCT
+
+We	PRON
+do	AUX
+n't	PART
+need	VERB
+another	DET
+incident	NOUN
+as	SCONJ
+exploring	VERB
+the	DET
+cosmos	NOUN
+is	AUX
+something	PRON
+that	PRON
+keeps	VERB
+our	PRON
+imagination	NOUN
+going	VERB
+as	ADP
+a	DET
+species	NOUN
+.	PUNCT
+
+Maybe	ADV
+one	NUM
+day	NOUN
+they	PRON
+will	AUX
+allow	VERB
+space	NOUN
+tourism	NOUN
+,	PUNCT
+(	PUNCT
+hopefully	ADV
+that	PRON
+will	AUX
+be	AUX
+in	ADP
+the	DET
+near	ADJ
+future	NOUN
+)	PUNCT
+although	SCONJ
+I	PRON
+would	AUX
+recommend	VERB
+that	SCONJ
+NASA	PROPN
+build	VERB
+new	ADJ
+shuttles	NOUN
+instead	ADV
+of	SCONJ
+trying	VERB
+to	PART
+preserve	VERB
+the	DET
+older	ADJ
+ones	NOUN
+.	PUNCT
+
+You	PRON
+do	AUX
+have	VERB
+to	PART
+give	VERB
+NASA	PROPN
+credit	NOUN
+on	ADP
+some	DET
+things	NOUN
+as	SCONJ
+they	PRON
+have	AUX
+eliminated	VERB
+the	DET
+"	PUNCT
+fear	NOUN
+of	SCONJ
+reporting	VERB
+failure	NOUN
+"	PUNCT
+culture	NOUN
+that	PRON
+probably	ADV
+led	VERB
+to	ADP
+the	DET
+lack	NOUN
+of	SCONJ
+reporting	VERB
+defects	NOUN
+on	ADP
+the	DET
+Columbia	PROPN
+shuttle	NOUN
+.	PUNCT
+
+Instead	ADV
+they	PRON
+are	AUX
+encouraging	VERB
+everyone	PRON
+to	PART
+come	VERB
+forward	ADV
+if	SCONJ
+they	PRON
+see	VERB
+any	DET
+potential	ADJ
+problems	NOUN
+(	PUNCT
+as	SCONJ
+it	PRON
+is	AUX
+clear	ADJ
+that	SCONJ
+overlooked	VERB
+problems	NOUN
+could	AUX
+result	VERB
+in	ADP
+unnecessary	ADJ
+losses	NOUN
+)	PUNCT
+.	PUNCT
+
+But	CCONJ
+supporters	NOUN
+are	AUX
+pointing	VERB
+a	DET
+few	ADJ
+good	ADJ
+things	NOUN
+out	ADP
+:	PUNCT
+
+Clearly	ADV
+,	PUNCT
+the	DET
+agency	NOUN
+has	AUX
+worked	VERB
+hard	ADV
+at	SCONJ
+tackling	VERB
+the	DET
+technical	ADJ
+challenges	NOUN
+posed	VERB
+by	ADP
+a	DET
+superb	ADJ
+and	CCONJ
+surprisingly	ADV
+independent	ADJ
+-	PUNCT
+minded	ADJ
+investigative	ADJ
+panel	NOUN
+.	PUNCT
+
+A	DET
+few	ADJ
+weeks	NOUN
+ago	ADV
+,	PUNCT
+shuttle	NOUN
+workers	NOUN
+at	ADP
+the	DET
+Kennedy	PROPN
+Space	PROPN
+Center	PROPN
+received	VERB
+a	DET
+rocket	NOUN
+-	PUNCT
+like	ADJ
+boost	NOUN
+in	ADP
+morale	NOUN
+with	ADP
+two	NUM
+important	ADJ
+deliveries	NOUN
+for	SCONJ
+the	DET
+next	ADJ
+shuttle	NOUN
+to	PART
+carry	VERB
+.	PUNCT
+
+One	PRON
+is	AUX
+a	DET
+special	ADJ
+tool	NOUN
+to	PART
+detect	VERB
+damage	NOUN
+to	ADP
+the	DET
+thermal	ADJ
+-	PUNCT
+protective	ADJ
+tile	NOUN
+while	SCONJ
+in	ADP
+orbit	NOUN
+-	PUNCT
+something	PRON
+the	DET
+Columbia	PROPN
+crew	NOUN
+would	AUX
+have	AUX
+welcomed	VERB
+.	PUNCT
+
+The	DET
+other	ADJ
+is	AUX
+a	DET
+new	ADJ
+fuel	NOUN
+tank	NOUN
+"	PUNCT
+guaranteed	VERB
+"	PUNCT
+by	ADP
+NASA	PROPN
+not	PART
+to	PART
+shed	VERB
+potentially	ADV
+fatal	ADJ
+hunks	NOUN
+of	ADP
+insulation	NOUN
+.	PUNCT
+
+NASA	PROPN
+has	VERB
+some	DET
+PR	NOUN
+hurdles	NOUN
+to	PART
+overcome	VERB
+in	ADP
+the	DET
+future	NOUN
+.	PUNCT
+
+But	CCONJ
+let	VERB
+s	PRON
+hope	VERB
+for	ADP
+their	PRON
+sake	NOUN
+(	PUNCT
+and	CCONJ
+the	DET
+sake	NOUN
+of	ADP
+all	DET
+space	NOUN
+lovers	NOUN
+out	ADV
+there	ADV
+)	PUNCT
+that	SCONJ
+they	PRON
+can	AUX
+redefine	VERB
+their	PRON
+image	NOUN
+and	CCONJ
+rekindle	VERB
+the	DET
+hope	NOUN
+of	ADP
+space	NOUN
+colonization	NOUN
+again	ADV
+.	PUNCT
+
+Selah	PROPN
+.	PUNCT
+
+--	PUNCT
+
+Posted	VERB
+by	ADP
+Hidden	PROPN
+Nook	PROPN
+to	ADP
+Hidden	PROPN
+Nook	PROPN
+at	ADP
+2/7/2005	NUM
+01:09:32	NUM
+AM	NOUN
+
+Healing	VERB
+the	DET
+Collective	ADJ
+Body	NOUN
+
+In	ADP
+George	PROPN
+Orwell	PROPN
+'s	PART
+influential	ADJ
+novel	NOUN
+"	PUNCT
+1984	PROPN
+"	PUNCT
+doublethink	NOUN
+is	AUX
+a	DET
+device	NOUN
+promoted	VERB
+by	ADP
+the	DET
+totalitarian	ADJ
+state	NOUN
+government	NOUN
+to	PART
+make	VERB
+people	NOUN
+accept	VERB
+two	NUM
+irreconcilable	ADJ
+ideas	NOUN
+at	ADP
+the	DET
+same	ADJ
+time	NOUN
+such	ADJ
+as	SCONJ
+"	PUNCT
+war	NOUN
+is	AUX
+peace	NOUN
+"	PUNCT
+.	PUNCT
+
+I	PRON
+see	VERB
+the	DET
+merit	NOUN
+in	SCONJ
+flowing	VERB
+with	ADP
+duality	NOUN
+.	PUNCT
+
+One	NUM
+of	ADP
+my	PRON
+most	ADV
+cherished	VERB
+dualities	NOUN
+is	AUX
+the	DET
+understanding	NOUN
+that	SCONJ
+we	PRON
+are	AUX
+both	ADV
+autonomous	ADJ
+individuals	NOUN
+with	ADP
+the	DET
+power	NOUN
+to	PART
+shape	VERB
+our	PRON
+personal	ADJ
+destinies	NOUN
+and	CCONJ
+at	ADP
+the	DET
+same	ADJ
+time	NOUN
+we	PRON
+are	AUX
+all	ADV
+one	NUM
+,	PUNCT
+that	SCONJ
+there	PRON
+is	VERB
+no	DET
+separation	NOUN
+between	ADP
+you	PRON
+and	CCONJ
+I	PRON
+,	PUNCT
+we	PRON
+are	AUX
+all	ADV
+together	ADV
+in	ADP
+this	DET
+thing	NOUN
+called	VERB
+life	NOUN
+,	PUNCT
+we	PRON
+human	ADJ
+beings	NOUN
+,	PUNCT
+the	DET
+birds	NOUN
+and	CCONJ
+the	DET
+tress	NOUN
+,	PUNCT
+the	DET
+rocks	NOUN
+and	CCONJ
+the	DET
+sky	NOUN
+,	PUNCT
+all	DET
+of	ADP
+it	PRON
+.	PUNCT
+
+I	PRON
+have	AUX
+written	VERB
+a	DET
+lot	NOUN
+recently	ADV
+about	SCONJ
+healing	VERB
+the	DET
+self	NOUN
+so	ADV
+today	NOUN
+here	ADV
+are	AUX
+a	DET
+few	ADJ
+words	NOUN
+on	SCONJ
+healing	VERB
+our	PRON
+collective	ADJ
+body	NOUN
+,	PUNCT
+mind	NOUN
+and	CCONJ
+soul	NOUN
+.	PUNCT
+
+Think	VERB
+of	ADP
+all	DET
+life	NOUN
+,	PUNCT
+if	SCONJ
+you	PRON
+will	AUX
+,	PUNCT
+as	ADP
+one	NUM
+great	ADJ
+choir	NOUN
+or	CCONJ
+one	NUM
+grand	ADJ
+congregation	NOUN
+.	PUNCT
+
+Our	PRON
+strength	NOUN
+is	AUX
+in	ADP
+our	PRON
+unity	NOUN
+and	CCONJ
+harmony	NOUN
+.	PUNCT
+
+Any	DET
+major	ADJ
+dischord	NOUN
+and	CCONJ
+we	PRON
+all	DET
+suffer	VERB
+.	PUNCT
+
+Any	DET
+insult	NOUN
+to	ADP
+the	DET
+collective	ADJ
+good	NOUN
+brings	VERB
+us	PRON
+all	DET
+down	ADV
+.	PUNCT
+
+Living	VERB
+out	ADP
+of	ADP
+synch	NOUN
+with	ADP
+nature	NOUN
+is	AUX
+the	DET
+great	ADJ
+disease	NOUN
+,	PUNCT
+from	ADP
+that	PRON
+flows	VERB
+all	DET
+the	DET
+tributaries	NOUN
+we	PRON
+have	AUX
+come	VERB
+to	PART
+think	VERB
+of	ADP
+as	ADP
+sickness	NOUN
+.	PUNCT
+
+We	PRON
+are	AUX
+only	ADV
+as	ADV
+strong	ADJ
+as	ADP
+our	PRON
+weakest	ADJ
+,	PUNCT
+we	PRON
+are	AUX
+only	ADV
+as	ADV
+healthy	ADJ
+as	ADP
+the	DET
+sickest	ADJ
+amongst	ADP
+us	PRON
+-	PUNCT
+playing	VERB
+sports	NOUN
+and	CCONJ
+being	AUX
+in	ADP
+the	DET
+army	NOUN
+taught	VERB
+me	PRON
+that	DET
+lesson	NOUN
+before	SCONJ
+I	PRON
+was	AUX
+finished	ADJ
+being	AUX
+a	DET
+teenager	NOUN
+.	PUNCT
+
+When	ADV
+the	DET
+healthy	ADJ
+treat	VERB
+the	DET
+sick	NOUN
+with	ADP
+scorn	NOUN
+and	CCONJ
+intolerance	NOUN
+it	PRON
+brings	VERB
+us	PRON
+all	DET
+down	ADV
+.	PUNCT
+
+When	ADV
+those	PRON
+lucky	ADJ
+enough	ADV
+not	ADV
+to	PART
+have	VERB
+Herpes	NOUN
+create	VERB
+a	DET
+climate	NOUN
+of	ADP
+shame	NOUN
+and	CCONJ
+indignity	NOUN
+for	ADP
+those	PRON
+of	ADP
+us	PRON
+who	PRON
+do	VERB
+,	PUNCT
+not	ADV
+only	ADV
+are	AUX
+they	PRON
+hurting	VERB
+us	PRON
+,	PUNCT
+but	CCONJ
+they	PRON
+are	AUX
+hurting	VERB
+themselves	PRON
+.	PUNCT
+
+There	PRON
+is	VERB
+no	DET
+escape	NOUN
+from	ADP
+the	DET
+collective	ADJ
+ocean	NOUN
+we	PRON
+all	DET
+swim	VERB
+in	ADP
+.	PUNCT
+
+What	PRON
+you	PRON
+project	VERB
+will	AUX
+always	ADV
+come	VERB
+back	ADV
+to	PART
+either	CCONJ
+reward	VERB
+or	CCONJ
+haunt	VERB
+you	PRON
+.	PUNCT
+
+We	PRON
+are	AUX
+now	ADV
+suffering	VERB
+from	ADP
+the	DET
+consequences	NOUN
+of	ADP
+our	PRON
+rape	NOUN
+of	ADP
+the	DET
+environment	NOUN
+,	PUNCT
+our	PRON
+rejection	NOUN
+of	ADP
+the	DET
+natural	ADJ
+for	ADP
+the	DET
+industrial	ADJ
+,	PUNCT
+and	CCONJ
+our	PRON
+embrace	NOUN
+of	ADP
+violence	NOUN
+over	ADP
+peace	NOUN
+.	PUNCT
+
+Jesus	PROPN
+said	VERB
+that	SCONJ
+what	PRON
+you	PRON
+do	VERB
+the	DET
+least	ADJ
+of	ADP
+the	DET
+people	NOUN
+you	PRON
+do	VERB
+to	ADP
+him	PRON
+.	PUNCT
+
+What	PRON
+are	AUX
+you	PRON
+doing	VERB
+to	ADP
+the	DET
+least	ADJ
+of	ADP
+the	DET
+people	NOUN
+?	PUNCT
+
+If	SCONJ
+we	PRON
+are	AUX
+all	ADV
+in	ADP
+this	DET
+thing	NOUN
+together	ADV
+,	PUNCT
+let	VERB
+'s	PRON
+play	VERB
+nice	ADV
+.	PUNCT
+
+Remember	VERB
+that	SCONJ
+what	PRON
+you	PRON
+do	VERB
+to	ADP
+yourself	PRON
+affects	VERB
+me	PRON
+and	CCONJ
+everybody	PRON
+else	ADJ
+,	PUNCT
+remember	VERB
+that	SCONJ
+what	PRON
+you	PRON
+do	VERB
+to	ADP
+me	PRON
+and	CCONJ
+anyone	PRON
+else	ADJ
+shapes	VERB
+your	PRON
+destiny	NOUN
+.	PUNCT
+
+No	ADV
+matter	ADV
+what	DET
+progress	NOUN
+we	PRON
+make	VERB
+as	ADP
+individuals	NOUN
+in	SCONJ
+becoming	VERB
+healthier	ADJ
+,	PUNCT
+we	PRON
+will	AUX
+never	ADV
+achieve	VERB
+real	ADJ
+health	NOUN
+until	SCONJ
+we	PRON
+collectively	ADV
+decide	VERB
+to	PART
+create	VERB
+a	DET
+healthier	ADJ
+reality	NOUN
+.	PUNCT
+
+Fortunately	ADV
+circumstances	NOUN
+will	AUX
+force	VERB
+our	PRON
+hand	NOUN
+soon	ADV
+since	SCONJ
+our	PRON
+collective	ADJ
+bad	ADJ
+behaviour	NOUN
+can	AUX
+not	PART
+continue	VERB
+indefinitely	ADV
+.	PUNCT
+
+In	ADP
+the	DET
+near	ADJ
+future	NOUN
+collective	ADJ
+choices	NOUN
+will	AUX
+need	VERB
+to	PART
+be	AUX
+made	VERB
+.	PUNCT
+
+Will	AUX
+we	PRON
+choose	VERB
+to	PART
+live	VERB
+in	ADP
+harmony	NOUN
+with	ADP
+this	DET
+planet	NOUN
+or	CCONJ
+crash	VERB
+and	CCONJ
+burn	VERB
+in	ADP
+a	DET
+conflagration	NOUN
+of	ADP
+arrogance	NOUN
+and	CCONJ
+disregard	NOUN
+?	PUNCT
+
+Will	AUX
+we	PRON
+choose	VERB
+to	PART
+rise	VERB
+about	ADP
+prejudice	NOUN
+and	CCONJ
+intolerance	NOUN
+or	CCONJ
+go	VERB
+down	ADV
+kicking	VERB
+and	CCONJ
+screaming	VERB
+with	SCONJ
+holding	VERB
+on	ADP
+to	ADP
+fear	NOUN
+and	CCONJ
+anger	NOUN
+?	PUNCT
+
+There	PRON
+is	VERB
+no	DET
+health	NOUN
+without	ADP
+peace	NOUN
+and	CCONJ
+no	DET
+peace	NOUN
+without	ADP
+health	NOUN
+.	PUNCT
+
+November	PROPN
+2005	NUM
+
+Sunshine	PROPN
+Coast	PROPN
+,	PUNCT
+British	PROPN
+Columbia	PROPN
+,	PUNCT
+Canada	PROPN
+
+Christopher	PROPN
+Scipio	PROPN
+Homeopath	NOUN
+/	PUNCT
+Herbalist	NOUN
+Holistic	ADJ
+Viral	ADJ
+Specialist	NOUN
+
+One	NUM
+Simple	ADJ
+Idea	NOUN
+.	PUNCT
+
+One	NUM
+Huge	ADJ
+Opportunity	NOUN
+.	PUNCT
+
+What	PRON
+are	AUX
+you	PRON
+searching	VERB
+for	ADP
+?	PUNCT
+
+More	ADJ
+personal	ADJ
+freedom	NOUN
+?	PUNCT
+
+More	ADJ
+time	NOUN
+with	ADP
+your	PRON
+family	NOUN
+?	PUNCT
+
+Independent	ADJ
+wealth	NOUN
+?	PUNCT
+
+Freedom	NOUN
+from	ADP
+the	DET
+fear	NOUN
+of	ADP
+corporate	ADJ
+downsizing	NOUN
+?	PUNCT
+
+Whether	SCONJ
+you	PRON
+are	AUX
+looking	VERB
+for	ADP
+a	DET
+part	NOUN
+-	PUNCT
+time	NOUN
+income	NOUN
+to	PART
+help	VERB
+pay	VERB
+off	ADP
+your	PRON
+debts	NOUN
+or	CCONJ
+you	PRON
+are	AUX
+looking	VERB
+for	ADP
+the	DET
+freedom	NOUN
+offered	VERB
+by	SCONJ
+working	VERB
+from	ADP
+home	NOUN
+on	ADP
+a	DET
+full	ADJ
+time	NOUN
+basis	NOUN
+,	PUNCT
+Agel	PROPN
+is	AUX
+the	DET
+vehicle	NOUN
+that	PRON
+can	AUX
+make	VERB
+that	PRON
+happen	VERB
+.	PUNCT
+
+Agel	PROPN
+is	AUX
+a	DET
+new	ADJ
+company	NOUN
+and	CCONJ
+is	AUX
+uniquely	ADV
+positioned	VERB
+to	PART
+be	AUX
+the	DET
+next	ADJ
+giant	NOUN
+in	ADP
+the	DET
+network	NOUN
+marketing	NOUN
+industry	NOUN
+.	PUNCT
+
+The	DET
+company	NOUN
+has	AUX
+developed	VERB
+an	DET
+entirely	ADV
+new	ADJ
+category	NOUN
+of	ADP
+products	NOUN
+.	PUNCT
+
+Imagine	VERB
+being	AUX
+part	NOUN
+of	ADP
+the	DET
+next	ADJ
+industry	NOUN
+-	PUNCT
+changing	VERB
+innovation	NOUN
+.	PUNCT
+
+Innovative	ADJ
+Products	NOUN
+
+Agel	PROPN
+introduces	VERB
+an	DET
+entirely	ADV
+new	ADJ
+category	NOUN
+of	ADP
+products	NOUN
+called	VERB
+Gelceuticals	NOUN
+.	PUNCT
+
+The	DET
+company	NOUN
+has	AUX
+developed	VERB
+a	DET
+unique	ADJ
+and	CCONJ
+innovative	ADJ
+delivery	NOUN
+mechanism	NOUN
+for	ADP
+nutritional	ADJ
+products	NOUN
+.	PUNCT
+
+This	DET
+proprietary	ADJ
+Gel	NOUN
+Suspension	NOUN
+technology	NOUN
+makes	VERB
+possible	ADJ
+single	ADJ
+serving	NOUN
+packets	NOUN
+of	ADP
+Gelceuticals	NOUN
+.	PUNCT
+
+In	ADP
+this	DET
+delivery	NOUN
+format	NOUN
+,	PUNCT
+your	PRON
+body	NOUN
+can	AUX
+immediately	ADV
+start	VERB
+receiving	VERB
+the	DET
+benefits	NOUN
+of	ADP
+the	DET
+product	NOUN
+components	NOUN
+as	SCONJ
+the	DET
+absorption	NOUN
+of	ADP
+vitamins	NOUN
+,	PUNCT
+minerals	NOUN
+and	CCONJ
+nutrients	NOUN
+is	AUX
+maximized	VERB
+.	PUNCT
+
+Never	ADV
+before	ADV
+has	AUX
+such	DET
+a	DET
+convenient	ADJ
+method	NOUN
+been	AUX
+available	ADJ
+for	SCONJ
+consuming	VERB
+nutritional	ADJ
+products	NOUN
+.	PUNCT
+
+Consider	VERB
+these	DET
+convenience	NOUN
+factors	NOUN
+:	PUNCT
+
+No	DET
+water	NOUN
+needed	VERB
+(	PUNCT
+as	ADP
+with	ADP
+tablets	NOUN
+or	CCONJ
+capsules	NOUN
+)	PUNCT
+
+Exotic	ADJ
+juice	NOUN
+benefits	NOUN
+without	ADP
+the	DET
+big	ADJ
+bottle	NOUN
+(	PUNCT
+no	DET
+glass	NOUN
+and	CCONJ
+water	NOUN
+weight	NOUN
+)	PUNCT
+
+Single	ADJ
+serving	NOUN
+packages	NOUN
+(	PUNCT
+imagine	VERB
+the	DET
+sampling	NOUN
+capabilities	NOUN
+)	PUNCT
+
+Perfect	ADJ
+for	ADP
+those	PRON
+with	ADP
+difficulty	NOUN
+swallowing	VERB
+tablets	NOUN
+or	CCONJ
+capsules	NOUN
+
+Faster	ADJ
+,	PUNCT
+more	ADV
+efficient	ADJ
+,	PUNCT
+delivery	NOUN
+to	ADP
+the	DET
+body	NOUN
+Learn	VERB
+More	ADJ
+
+Revolutionary	ADJ
+Compensation	NOUN
+
+Agel	PROPN
+has	AUX
+created	VERB
+a	DET
+new	ADJ
+compensation	NOUN
+structure	NOUN
+that	PRON
+is	AUX
+truly	ADV
+revolutionary	ADJ
+.	PUNCT
+
+It	PRON
+is	VERB
+our	PRON
+belief	NOUN
+that	SCONJ
+this	DET
+compensation	NOUN
+plan	NOUN
+will	AUX
+produce	VERB
+some	DET
+of	ADP
+the	DET
+largest	ADJ
+checks	NOUN
+in	ADP
+network	NOUN
+marketing	NOUN
+history	NOUN
+.	PUNCT
+
+The	DET
+plan	NOUN
+ca	AUX
+n't	PART
+be	AUX
+described	VERB
+as	ADP
+a	DET
+binary	NOUN
+,	PUNCT
+a	DET
+breakaway	NOUN
+,	PUNCT
+a	DET
+unilevel	NOUN
+,	PUNCT
+or	CCONJ
+a	DET
+forced	VERB
+matrix	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+a	DET
+revolutionary	ADJ
+hybrid	NOUN
+.	PUNCT
+
+What	PRON
+is	AUX
+long	ADJ
+term	NOUN
+viability	NOUN
+?	PUNCT
+
+It	PRON
+is	AUX
+not	PART
+just	ADV
+company	NOUN
+longevity	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+used	VERB
+to	PART
+make	VERB
+$	SYM
+100	NUM
+k	NUM
+and	CCONJ
+now	ADV
+only	ADV
+make	VERB
+$	SYM
+30	NUM
+k	NUM
+,	PUNCT
+this	PRON
+is	AUX
+not	PART
+long	ADJ
+term	NOUN
+viability	NOUN
+.	PUNCT
+
+Ten	NUM
+years	NOUN
+later	ADV
+your	PRON
+check	NOUN
+should	AUX
+still	ADV
+be	AUX
+the	DET
+same	ADJ
+or	CCONJ
+greater	ADJ
+,	PUNCT
+fulfilling	VERB
+the	DET
+promise	NOUN
+of	ADP
+long	ADJ
+-	PUNCT
+term	NOUN
+residual	ADJ
+income	NOUN
+.	PUNCT
+
+The	DET
+Agel	PROPN
+compensation	NOUN
+plan	NOUN
+includes	VERB
+the	DET
+principles	NOUN
+that	PRON
+ensure	VERB
+that	DET
+promise	NOUN
+can	AUX
+be	AUX
+fulfilled	VERB
+for	ADP
+those	PRON
+who	PRON
+work	VERB
+at	ADP
+it	PRON
+.	PUNCT
+
+Are	AUX
+you	PRON
+unsure	ADJ
+of	ADP
+Agel	PROPN
+?	PUNCT
+
+Take	VERB
+time	NOUN
+to	PART
+discover	VERB
+the	DET
+unlimited	ADJ
+possibilities	NOUN
+with	ADP
+Agel	PROPN
+!	PUNCT
+
+The	DET
+call	NOUN
+will	AUX
+feature	VERB
+a	DET
+host	NOUN
+of	ADP
+other	ADJ
+field	NOUN
+leaders	NOUN
+,	PUNCT
+and	CCONJ
+our	PRON
+founder	NOUN
+and	CCONJ
+CEO	NOUN
+,	PUNCT
+Glen	PROPN
+Jensen	PROPN
+.	PUNCT
+
+This	DET
+call	NOUN
+will	AUX
+smoke	VERB
+!	PUNCT
+
+You	PRON
+will	AUX
+discover	VERB
+:	PUNCT
+·	PUNCT
+How	ADV
+to	PART
+Create	VERB
+the	DET
+Security	NOUN
+of	ADP
+Residual	ADJ
+Income	NOUN
+;	PUNCT
+·	PUNCT
+Why	ADV
+Agel	PROPN
+is	AUX
+the	DET
+Best	ADJ
+Vehicle	NOUN
+to	PART
+Live	VERB
+Your	PRON
+Dreams	NOUN
+;	PUNCT
+·	PUNCT
+The	DET
+Amazing	ADJ
+Scientific	ADJ
+Breakthrough	NOUN
+Behind	ADP
+the	DET
+Products	NOUN
+;	PUNCT
+·	PUNCT
+How	ADV
+the	DET
+"	PUNCT
+Quadra	NOUN
+-	PUNCT
+Plan	NOUN
+"	PUNCT
+Builds	VERB
+Bigger	ADJ
+Bonus	NOUN
+Checks	NOUN
+Faster	ADV
+;	PUNCT
+·	PUNCT
+The	DET
+Support	NOUN
+System	NOUN
+in	ADP
+Place	NOUN
+to	PART
+Help	VERB
+You	PRON
+Build	VERB
+Stronger	ADV
+;	PUNCT
+and	CCONJ
+·	PUNCT
+The	DET
+Secret	NOUN
+to	PART
+Lock	VERB
+in	ADP
+a	DET
+"	PUNCT
+Legacy	NOUN
+"	PUNCT
+Position	NOUN
+!	PUNCT
+
+Here	ADV
+are	AUX
+the	DET
+numbers	NOUN
+to	PART
+call	VERB
+:	PUNCT
+
+620-294-4000	NUM
+or	CCONJ
+620-294-3000	NUM
+
+The	DET
+Passcode	NOUN
+to	PART
+participate	VERB
+is	AUX
+:	PUNCT
+5107	NUM
+
+DATE	NOUN
+:	PUNCT
+Tuesday	PROPN
+,	PUNCT
+November	PROPN
+22	NUM
+,	PUNCT
+2005	NUM
+
+TIME	NOUN
+:	PUNCT
+8:00	NUM
+PM	NOUN
+Eastern	PROPN
+Standard	PROPN
+Time	PROPN
+
+LOCATION	NOUN
+:	PUNCT
+Conference	NOUN
+Call	NOUN
+
+5:00	NUM
+PT	NOUN
+**	PUNCT
+6:00	NUM
+MT	NOUN
+**	PUNCT
+7:00	NUM
+CT	NOUN
+**	PUNCT
+8:00	NUM
+ET	NOUN
+
+I	PRON
+'ll	AUX
+see	VERB
+you	PRON
+there	ADV
+!	PUNCT
+
+Steve	PROPN
+Fillmore	PROPN
+612-205-9814	NUM
+620-294-1909	NUM
+
+Email	NOUN
+:	PUNCT
+"	PUNCT
+Dharmadeva	PROPN
+"	PUNCT
+<	PUNCT
+dharmad...@gmail.com	X
+>	PUNCT
+
+Namaskar	INTJ
+
+Hi	INTJ
+All	DET
+!	PUNCT
+
+We	PRON
+now	ADV
+present	VERB
+the	DET
+kaoshikii	NOUN
+dance	NOUN
+,	PUNCT
+which	PRON
+is	AUX
+excellent	ADJ
+before	ADP
+and	CCONJ
+after	ADP
+yoga	NOUN
+postures	NOUN
+.	PUNCT
+
+I	PRON
+encourage	VERB
+you	PRON
+to	PART
+do	VERB
+this	DET
+dance	NOUN
+,	PUNCT
+as	SCONJ
+it	PRON
+has	VERB
+tremendous	ADJ
+positive	ADJ
+effects	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+a	DET
+dance	NOUN
+for	ADP
+both	CCONJ
+males	NOUN
+and	CCONJ
+females	NOUN
+.	PUNCT
+
+Dharma	PROPN
+
+--	PUNCT
+
+Kaoshikii	NOUN
+is	AUX
+a	DET
+dance	NOUN
+which	PRON
+was	AUX
+invented	VERB
+in	ADP
+1978	NUM
+by	ADP
+Shrii	PROPN
+Shrii	PROPN
+A'nandamu'rti	PROPN
+.	PUNCT
+
+It	PRON
+is	AUX
+a	DET
+psycho-spiritual	ADJ
+exercise	NOUN
+and	CCONJ
+benefiting	VERB
+the	DET
+mind	NOUN
+by	SCONJ
+developing	VERB
+stamina	NOUN
+and	CCONJ
+strength	NOUN
+.	PUNCT
+
+Kaoshikii	NOUN
+is	AUX
+especially	ADV
+good	ADJ
+for	ADP
+women	NOUN
+.	PUNCT
+
+It	PRON
+can	AUX
+ward	VERB
+off	ADP
+and	CCONJ
+cure	VERB
+a	DET
+number	NOUN
+of	ADP
+diseases	NOUN
+,	PUNCT
+keeps	VERB
+the	DET
+body	NOUN
+youthful	ADJ
+and	CCONJ
+enables	VERB
+an	DET
+easy	ADJ
+delivery	NOUN
+in	ADP
+childbirth	NOUN
+.	PUNCT
+
+Kaoshikii	NOUN
+comes	VERB
+from	ADP
+the	DET
+Sanskrit	PROPN
+word	NOUN
+'	PUNCT
+kosa	NOUN
+'	PUNCT
+meaning	VERB
+shell	NOUN
+or	CCONJ
+layer	NOUN
+of	ADP
+mind	NOUN
+.	PUNCT
+
+The	DET
+self	NOUN
+of	ADP
+the	DET
+individual	NOUN
+lies	VERB
+hidden	VERB
+in	ADP
+the	DET
+innermost	ADJ
+layers	NOUN
+of	ADP
+existence	NOUN
+(	PUNCT
+kosas	NOUN
+)	PUNCT
+.	PUNCT
+
+Thus	ADV
+kaoshikii	NOUN
+is	AUX
+a	DET
+blossoming	NOUN
+of	ADP
+the	DET
+microcosm	NOUN
+(	PUNCT
+unit	NOUN
+being	NOUN
+)	PUNCT
+in	ADP
+its	PRON
+attempt	NOUN
+to	PART
+attain	VERB
+a	DET
+link	NOUN
+with	ADP
+the	DET
+Macrocosm	NOUN
+(	PUNCT
+Cosmic	ADJ
+Consciousness	NOUN
+)	PUNCT
+.	PUNCT
+
+This	DET
+attempt	NOUN
+is	AUX
+normally	ADV
+referred	VERB
+to	ADP
+as	ADP
+mysticism	NOUN
+.	PUNCT
+
+--	PUNCT
+
+The	DET
+Benefits	NOUN
+
+Exercises	VERB
+all	DET
+the	DET
+glands	NOUN
+and	CCONJ
+limbs	NOUN
+from	ADP
+head	NOUN
+to	ADP
+toes	NOUN
+.	PUNCT
+
+Increases	VERB
+longevity	NOUN
+.	PUNCT
+
+Makes	VERB
+for	ADP
+easy	ADJ
+delivery	NOUN
+at	ADP
+childbirth	NOUN
+.	PUNCT
+
+The	DET
+spine	NOUN
+will	AUX
+become	VERB
+flexible	ADJ
+.	PUNCT
+
+Arthritis	NOUN
+of	ADP
+the	DET
+spine	NOUN
+,	PUNCT
+neck	NOUN
+,	PUNCT
+waist	NOUN
+and	CCONJ
+other	ADJ
+joints	NOUN
+will	AUX
+be	AUX
+removed	VERB
+.	PUNCT
+
+Gout	NOUN
+in	ADP
+the	DET
+spine	NOUN
+,	PUNCT
+neck	NOUN
+,	PUNCT
+hands	NOUN
+and	CCONJ
+waist	NOUN
+will	AUX
+be	AUX
+lost	VERB
+.	PUNCT
+
+The	DET
+mind	NOUN
+becomes	VERB
+strong	ADJ
+and	CCONJ
+sharp	ADJ
+.	PUNCT
+
+Irregularities	NOUN
+in	ADP
+menstruation	NOUN
+will	AUX
+be	AUX
+cured	VERB
+.	PUNCT
+
+Glandular	ADJ
+secretions	NOUN
+will	AUX
+become	VERB
+regulated	ADJ
+.	PUNCT
+
+Troubles	NOUN
+in	ADP
+the	DET
+bladder	NOUN
+and	CCONJ
+urethra	NOUN
+will	AUX
+be	AUX
+cured	VERB
+.	PUNCT
+
+Gives	VERB
+control	NOUN
+over	ADP
+the	DET
+limbs	NOUN
+.	PUNCT
+
+Adds	VERB
+charm	NOUN
+and	CCONJ
+shine	NOUN
+to	ADP
+the	DET
+face	NOUN
+and	CCONJ
+skin	NOUN
+.	PUNCT
+
+Removes	VERB
+wrinkles	NOUN
+.	PUNCT
+
+Removes	VERB
+lethargy	NOUN
+.	PUNCT
+
+Cures	VERB
+insomnia	NOUN
+.	PUNCT
+
+Cures	VERB
+hysteria	NOUN
+.	PUNCT
+
+Fear	NOUN
+complexes	NOUN
+will	AUX
+be	AUX
+removed	VERB
+.	PUNCT
+
+Hopelessness	NOUN
+will	AUX
+be	AUX
+lost	VERB
+.	PUNCT
+
+Helps	VERB
+in	ADP
+self	NOUN
+-	PUNCT
+expression	NOUN
+and	CCONJ
+develops	VERB
+one	PRON
+'s	PART
+potentiality	NOUN
+.	PUNCT
+
+Spinal	ADJ
+pain	NOUN
+,	PUNCT
+piles	NOUN
+,	PUNCT
+hernia	NOUN
+,	PUNCT
+hydrocele	NOUN
+in	ADP
+men	NOUN
+,	PUNCT
+nervous	ADJ
+pain	NOUN
+,	PUNCT
+nervous	ADJ
+disability	NOUN
+will	AUX
+be	AUX
+cured	VERB
+.	PUNCT
+
+Cures	VERB
+kidney	NOUN
+and	CCONJ
+gall	NOUN
+bladder	NOUN
+troubles	NOUN
+,	PUNCT
+gastric	ADJ
+trouble	NOUN
+,	PUNCT
+dyspepsia	NOUN
+,	PUNCT
+acidity	NOUN
+,	PUNCT
+dysentery	NOUN
+,	PUNCT
+obesity	NOUN
+and	CCONJ
+liver	NOUN
+diseases	NOUN
+.	PUNCT
+
+Increases	VERB
+the	DET
+capacity	NOUN
+to	PART
+work	VERB
+until	ADP
+75	NUM
+-	SYM
+80	NUM
+years	NOUN
+of	ADP
+age	NOUN
+.	PUNCT
+
+--	PUNCT
+
+The	DET
+Dance	NOUN
+
+The	DET
+eighteen	NUM
+steps	NOUN
+of	ADP
+the	DET
+dance	NOUN
+are	AUX
+done	VERB
+rhythmically	ADV
+.	PUNCT
+
+First	ADV
+the	DET
+dancer	NOUN
+begins	VERB
+in	ADP
+the	DET
+starting	NOUN
+position	NOUN
+:	PUNCT
+the	DET
+hands	NOUN
+together	ADV
+and	CCONJ
+raised	VERB
+over	ADP
+the	DET
+head	NOUN
+.	PUNCT
+
+Then	ADV
+to	ADP
+the	DET
+beat	NOUN
+of	ADP
+"	PUNCT
+dhin	INTJ
+,	PUNCT
+dhin	INTJ
+,	PUNCT
+...	PUNCT
+,	PUNCT
+ta'	INTJ
+,	PUNCT
+ta'	INTJ
+"	PUNCT
+,	PUNCT
+the	DET
+dancers	NOUN
+begin	VERB
+their	PRON
+step	NOUN
+,	PUNCT
+placing	VERB
+the	DET
+big	ADJ
+toe	NOUN
+behind	ADP
+the	DET
+heel	NOUN
+of	ADP
+the	DET
+other	ADJ
+foot	NOUN
+.	PUNCT
+
+In	ADP
+the	DET
+final	ADJ
+two	NUM
+steps	NOUN
+,	PUNCT
+the	DET
+dancers	NOUN
+firmly	ADV
+stamp	VERB
+their	PRON
+feet	NOUN
+on	ADP
+the	DET
+ground	NOUN
+.	PUNCT
+
+Kaoshikii	NOUN
+can	AUX
+be	AUX
+danced	VERB
+for	ADP
+as	ADV
+many	ADJ
+rounds	NOUN
+as	SCONJ
+you	PRON
+like	VERB
+.	PUNCT
+
+--	PUNCT
+
+The	DET
+Ideation	NOUN
+
+When	ADV
+the	DET
+dancers	NOUN
+start	VERB
+the	DET
+step	NOUN
+with	ADP
+the	DET
+beat	NOUN
+of	ADP
+"	PUNCT
+dhin	INTJ
+,	PUNCT
+dhin	INTJ
+...	PUNCT
+"	PUNCT
+,	PUNCT
+the	DET
+mental	ADJ
+ideation	NOUN
+should	AUX
+also	ADV
+be	AUX
+kept	VERB
+.	PUNCT
+
+Here	ADV
+is	AUX
+the	DET
+ideation	NOUN
+.	PUNCT
+
+The	DET
+two	NUM
+hands	NOUN
+when	ADV
+upraised	VERB
+and	CCONJ
+folded	VERB
+together	ADV
+represent	VERB
+:	PUNCT
+"	PUNCT
+Now	ADV
+I	PRON
+am	AUX
+trying	VERB
+to	PART
+establish	VERB
+a	DET
+link	NOUN
+with	ADP
+Parama	NOUN
+Purus'a	NOUN
+(	PUNCT
+Supreme	ADJ
+Consciousness	NOUN
+)	PUNCT
+.	PUNCT
+"	PUNCT
+
+Bending	VERB
+to	ADP
+the	DET
+right	NOUN
+indicates	VERB
+:	PUNCT
+"	PUNCT
+I	PRON
+know	VERB
+the	DET
+right	ADJ
+way	NOUN
+to	PART
+request	VERB
+You	PRON
+.	PUNCT
+"	PUNCT
+
+Bending	VERB
+to	ADP
+the	DET
+left	NOUN
+indicates	VERB
+:	PUNCT
+"	PUNCT
+I	PRON
+know	VERB
+how	ADV
+to	PART
+fulfil	VERB
+Your	PRON
+demands	NOUN
+.	PUNCT
+"	PUNCT
+
+Bending	VERB
+forward	ADV
+suggests	VERB
+:	PUNCT
+"	PUNCT
+I	PRON
+completely	ADV
+surrender	VERB
+to	ADP
+You	PRON
+.	PUNCT
+"	PUNCT
+
+Bending	VERB
+backward	ADV
+represents	VERB
+:	PUNCT
+"	PUNCT
+I	PRON
+am	AUX
+ready	ADJ
+to	PART
+face	VERB
+all	DET
+obstacles	NOUN
+that	PRON
+may	AUX
+come	VERB
+.	PUNCT
+"	PUNCT
+
+The	DET
+last	ADJ
+two	NUM
+steps	NOUN
+represent	VERB
+:	PUNCT
+"	PUNCT
+O	INTJ
+Lord	PROPN
+I	PRON
+repeat	VERB
+Your	PRON
+cosmic	ADJ
+rhythm	NOUN
+.	PUNCT
+"	PUNCT
+
+Quebecker	PROPN
+wins	VERB
+U.S.	PROPN
+bravery	NOUN
+award	NOUN
+
+Pittsburgh	PROPN
+-	PUNCT
+
+A	DET
+Quebec	PROPN
+man	NOUN
+was	AUX
+awarded	VERB
+a	DET
+Carnegie	PROPN
+Medal	PROPN
+for	ADP
+bravery	NOUN
+on	ADP
+Monday	PROPN
+for	SCONJ
+saving	VERB
+two	NUM
+friends	NOUN
+by	SCONJ
+fighting	VERB
+off	ADP
+a	DET
+polar	ADJ
+bear	NOUN
+with	ADP
+a	DET
+pocket	NOUN
+knife	NOUN
+two	NUM
+years	NOUN
+ago	ADV
+on	ADP
+Baffin	PROPN
+Island	PROPN
+
+Dr.	PROPN
+Eric	PROPN
+Fortier	PROPN
+,	PUNCT
+34	NUM
+,	PUNCT
+of	ADP
+Gatineau	PROPN
+,	PUNCT
+Que.	PROPN
+,	PUNCT
+used	VERB
+a	DET
+pocket	NOUN
+knife	NOUN
+to	PART
+attack	VERB
+a	DET
+polar	ADJ
+bear	NOUN
+on	ADP
+Baffin	PROPN
+Island	PROPN
+,	PUNCT
+just	ADV
+south	ADV
+of	ADP
+the	DET
+Arctic	PROPN
+Circle	PROPN
+,	PUNCT
+to	PART
+save	VERB
+two	NUM
+friends	NOUN
+who	PRON
+were	AUX
+being	AUX
+mauled	VERB
+.	PUNCT
+
+"	PUNCT
+All	DET
+of	ADP
+the	DET
+research	NOUN
+and	CCONJ
+all	DET
+of	ADP
+the	DET
+preparation	NOUN
+I	PRON
+did	VERB
+leading	VERB
+up	ADP
+to	ADP
+the	DET
+trip	NOUN
+gave	VERB
+no	DET
+indication	NOUN
+that	SCONJ
+there	PRON
+were	VERB
+bears	NOUN
+in	ADP
+the	DET
+Soper	PROPN
+[	PUNCT
+River	PROPN
+]	PUNCT
+valley	NOUN
+where	ADV
+we	PRON
+were	AUX
+canoeing	VERB
+,	PUNCT
+"	PUNCT
+Dr.	PROPN
+Fortier	PROPN
+said	VERB
+.	PUNCT
+
+Dr.	PROPN
+Fortier	PROPN
+,	PUNCT
+an	DET
+orthodontist	NOUN
+,	PUNCT
+learned	VERB
+there	PRON
+was	VERB
+at	ADV
+least	ADV
+one	NUM
+polar	ADJ
+bear	NOUN
+in	ADP
+the	DET
+central	ADJ
+region	NOUN
+of	ADP
+Baffin	PROPN
+Island	PROPN
+in	ADP
+July	PROPN
+2001	NUM
+when	ADV
+he	PRON
+felt	VERB
+what	PRON
+he	PRON
+thought	VERB
+was	AUX
+a	DET
+dog	NOUN
+leaning	VERB
+on	ADP
+his	PRON
+tent	NOUN
+wall	NOUN
+.	PUNCT
+
+"	PUNCT
+My	PRON
+first	ADJ
+thought	NOUN
+was	VERB
+to	PART
+push	VERB
+it	PRON
+away	ADV
+,	PUNCT
+"	PUNCT
+he	PRON
+said	VERB
+.	PUNCT
+
+"	PUNCT
+A	DET
+few	ADJ
+seconds	NOUN
+later	ADV
+my	PRON
+girlfriend	NOUN
+saw	VERB
+the	DET
+shadow	NOUN
+of	ADP
+a	DET
+bear	NOUN
+'s	PART
+paw	NOUN
+through	ADP
+the	DET
+tent	NOUN
+fly	NOUN
+and	CCONJ
+then	ADV
+it	PRON
+started	VERB
+ripping	VERB
+through	ADP
+the	DET
+ceiling	NOUN
+.	PUNCT
+"	PUNCT
+
+The	DET
+polar	ADJ
+bear	NOUN
+is	AUX
+more	ADV
+dangerous	ADJ
+than	ADP
+most	ADJ
+other	ADJ
+bears	NOUN
+.	PUNCT
+
+The	DET
+latter	ADJ
+usually	ADV
+consider	VERB
+human	ADJ
+beings	NOUN
+a	DET
+threat	NOUN
+but	CCONJ
+the	DET
+polar	ADJ
+bear	NOUN
+considers	VERB
+humans	NOUN
+a	DET
+snack	NOUN
+,	PUNCT
+experts	NOUN
+said	VERB
+.	PUNCT
+
+The	DET
+two	NUM
+screamed	VERB
+to	PART
+frighten	VERB
+the	DET
+bear	NOUN
+and	CCONJ
+warn	VERB
+their	PRON
+friends	NOUN
+in	ADP
+a	DET
+tent	NOUN
+several	ADJ
+metres	NOUN
+away	ADV
+but	CCONJ
+the	DET
+bear	NOUN
+ripped	VERB
+into	ADP
+that	DET
+tent	NOUN
+and	CCONJ
+began	VERB
+mauling	VERB
+31	NUM
+-	PUNCT
+year	NOUN
+-	PUNCT
+old	ADJ
+Alain	PROPN
+Parenteau	PROPN
+.	PUNCT
+
+"	PUNCT
+Their	PRON
+screams	NOUN
+changed	VERB
+,	PUNCT
+"	PUNCT
+Dr.	PROPN
+Fortier	PROPN
+said	VERB
+.	PUNCT
+
+"	PUNCT
+I	PRON
+grabbed	VERB
+my	PRON
+glasses	NOUN
+and	CCONJ
+my	PRON
+knife	NOUN
+and	CCONJ
+unzipped	VERB
+my	PRON
+tent	NOUN
+and	CCONJ
+headed	VERB
+out	ADV
+.	PUNCT
+"	PUNCT
+
+The	DET
+bear	NOUN
+dwarfed	VERB
+the	DET
+6	NUM
+-	PUNCT
+foot	NOUN
+-	PUNCT
+1	NUM
+Mr.	PROPN
+Parenteau	PROPN
+,	PUNCT
+knocking	VERB
+him	PRON
+to	ADP
+the	DET
+ground	NOUN
+,	PUNCT
+he	PRON
+said	VERB
+.	PUNCT
+
+Dr.	PROPN
+Fortier	PROPN
+threw	VERB
+a	DET
+large	ADJ
+rock	NOUN
+at	ADP
+the	DET
+bear	NOUN
+,	PUNCT
+distracting	VERB
+it	PRON
+and	CCONJ
+allowing	VERB
+Parenteau	PROPN
+to	PART
+escape	VERB
+but	CCONJ
+it	PRON
+then	ADV
+turned	VERB
+on	ADP
+25	NUM
+-	PUNCT
+year	NOUN
+-	PUNCT
+old	ADJ
+Patricia	PROPN
+Doyon	PROPN
+,	PUNCT
+who	PRON
+was	AUX
+in	ADP
+the	DET
+same	ADJ
+tent	NOUN
+.	PUNCT
+
+Again	ADV
+Dr.	PROPN
+Fortier	PROPN
+threw	VERB
+rocks	NOUN
+at	ADP
+the	DET
+bear	NOUN
+and	CCONJ
+again	ADV
+its	PRON
+target	NOUN
+was	AUX
+able	ADJ
+to	PART
+escape	VERB
+.	PUNCT
+
+"	PUNCT
+The	DET
+bear	NOUN
+gave	VERB
+chase	NOUN
+and	CCONJ
+I	PRON
+gave	VERB
+chase	NOUN
+,	PUNCT
+"	PUNCT
+he	PRON
+said	VERB
+.	PUNCT
+
+"	PUNCT
+At	ADP
+some	DET
+point	NOUN
+,	PUNCT
+Patricia	PROPN
+tripped	VERB
+or	CCONJ
+the	DET
+bear	NOUN
+tripped	VERB
+her	PRON
+and	CCONJ
+was	AUX
+at	ADP
+her	PRON
+back	NOUN
+.	PUNCT
+
+I	PRON
+was	AUX
+beside	ADP
+the	DET
+bear	NOUN
+'s	PART
+head	NOUN
+and	CCONJ
+I	PRON
+stabbed	VERB
+it	PRON
+with	ADP
+an	DET
+upper	ADJ
+cut	NOUN
+below	ADP
+the	DET
+jaw	NOUN
+in	ADP
+the	DET
+neck	NOUN
+a	DET
+couple	NOUN
+of	ADP
+times	NOUN
+.	PUNCT
+"	PUNCT
+
+The	DET
+bear	NOUN
+ran	VERB
+off	ADV
+.	PUNCT
+
+While	SCONJ
+there	PRON
+was	VERB
+some	DET
+fur	NOUN
+and	CCONJ
+blood	NOUN
+on	ADP
+the	DET
+nine	NUM
+-	PUNCT
+centimetre	NOUN
+blade	NOUN
+,	PUNCT
+Dr.	PROPN
+Fortier	PROPN
+said	VERB
+he	PRON
+does	AUX
+n't	PART
+think	VERB
+he	PRON
+hurt	VERB
+the	DET
+bear	ADJ
+badly	ADV
+.	PUNCT
+
+Both	CCONJ
+Mr.	PROPN
+Parenteau	PROPN
+and	CCONJ
+Ms.	PROPN
+Doyon	PROPN
+,	PUNCT
+however	ADV
+,	PUNCT
+were	AUX
+bleeding	VERB
+badly	ADV
+.	PUNCT
+
+Dr.	PROPN
+Fortier	PROPN
+and	CCONJ
+his	PRON
+girlfriend	NOUN
+lashed	VERB
+two	NUM
+canoes	NOUN
+together	ADV
+and	CCONJ
+paddled	VERB
+eight	NUM
+kilometres	NOUN
+along	ADP
+the	DET
+Soper	PROPN
+River	PROPN
+.	PUNCT
+
+Dr.	PROPN
+Fortier	PROPN
+travelled	VERB
+another	DET
+three	NUM
+kilometres	NOUN
+by	ADP
+foot	NOUN
+to	PART
+seek	VERB
+help	NOUN
+in	ADP
+the	DET
+nearest	ADJ
+settlement	NOUN
+.	PUNCT
+
+Both	CCONJ
+Mr.	PROPN
+Parenteau	PROPN
+and	CCONJ
+Ms.	PROPN
+Doyon	PROPN
+were	AUX
+airlifted	VERB
+to	ADP
+a	DET
+hospital	NOUN
+and	CCONJ
+survived	VERB
+,	PUNCT
+though	SCONJ
+Mr.	PROPN
+Parenteau	PROPN
+had	VERB
+a	DET
+gash	NOUN
+within	ADP
+a	DET
+centimetre	NOUN
+of	ADP
+his	PRON
+jugular	NOUN
+,	PUNCT
+Dr.	PROPN
+Fortier	PROPN
+said	VERB
+.	PUNCT
+
+Dr.	PROPN
+Fortier	PROPN
+was	AUX
+one	NUM
+of	ADP
+15	NUM
+people	NOUN
+to	PART
+receive	VERB
+the	DET
+Carnegie	PROPN
+Medal	PROPN
+on	ADP
+Monday	PROPN
+.	PUNCT
+
+The	DET
+bronze	NOUN
+medal	NOUN
+is	AUX
+given	VERB
+to	ADP
+people	NOUN
+who	PRON
+"	PUNCT
+risk	VERB
+their	PRON
+lives	NOUN
+to	ADP
+an	DET
+extraordinary	ADJ
+degree	NOUN
+while	SCONJ
+saving	VERB
+or	CCONJ
+attempting	VERB
+to	PART
+save	VERB
+the	DET
+lives	NOUN
+of	ADP
+others	NOUN
+.	PUNCT
+"	PUNCT
+
+The	DET
+other	ADJ
+Canadian	ADJ
+recipient	NOUN
+of	ADP
+the	DET
+medal	NOUN
+was	AUX
+Ronald	PROPN
+Joseph	PROPN
+Crawford	PROPN
+,	PUNCT
+42	NUM
+,	PUNCT
+of	ADP
+Hamilton	PROPN
+,	PUNCT
+who	PRON
+was	AUX
+killed	VERB
+Aug.	PROPN
+4	NUM
+,	PUNCT
+2002	NUM
+,	PUNCT
+while	SCONJ
+trying	VERB
+to	PART
+defend	VERB
+a	DET
+Hamilton	PROPN
+sandwich	NOUN
+shop	NOUN
+owner	NOUN
+from	ADP
+a	DET
+robber	NOUN
+wielding	VERB
+a	DET
+knife	NOUN
+.	PUNCT
+
+Mr.	PROPN
+Crawford	PROPN
+threw	VERB
+several	ADJ
+punches	NOUN
+at	ADP
+the	DET
+assailant	NOUN
+before	SCONJ
+he	PRON
+was	AUX
+stabbed	VERB
+in	ADP
+the	DET
+heart	NOUN
+.	PUNCT
+
+U.S.	PROPN
+industrialist	NOUN
+Andrew	PROPN
+Carnegie	PROPN
+started	VERB
+a	DET
+hero	NOUN
+fund	NOUN
+in	ADP
+1904	NUM
+after	SCONJ
+being	AUX
+inspired	VERB
+by	ADP
+rescue	NOUN
+stories	NOUN
+from	ADP
+a	DET
+mine	NOUN
+disaster	NOUN
+that	PRON
+killed	VERB
+181	NUM
+people	NOUN
+.	PUNCT
+
+The	DET
+award	NOUN
+comes	VERB
+with	ADP
+a	DET
+$	SYM
+3,500	NUM
+(	PUNCT
+U.S.	PROPN
+)	PUNCT
+grant	NOUN
+.	PUNCT
+
+Important	ADJ
+information	NOUN
+of	ADP
+big	ADJ
+companies	NOUN
+
+Apple	PROPN
+Computers	PROPN
+
+It	PRON
+was	AUX
+the	DET
+favorite	ADJ
+fruit	NOUN
+of	ADP
+founder	NOUN
+Steve	PROPN
+Jobs	PROPN
+.	PUNCT
+
+He	PRON
+was	AUX
+three	NUM
+months	NOUN
+late	ADJ
+in	SCONJ
+filing	VERB
+a	DET
+name	NOUN
+for	ADP
+the	DET
+business	NOUN
+,	PUNCT
+and	CCONJ
+he	PRON
+threatened	VERB
+to	PART
+call	VERB
+his	PRON
+company	NOUN
+Apple	PROPN
+Computers	PROPN
+if	SCONJ
+the	DET
+other	ADJ
+colleagues	NOUN
+did	AUX
+n't	PART
+suggest	VERB
+a	DET
+better	ADJ
+name	NOUN
+by	ADP
+5	NUM
+O'clock	NOUN
+.	PUNCT
+
+CISCO	PROPN
+
+It	PRON
+is	AUX
+not	PART
+an	DET
+acronym	NOUN
+as	SCONJ
+popularly	ADV
+believed	VERB
+.	PUNCT
+
+It	PRON
+is	AUX
+short	ADJ
+for	ADP
+San	PROPN
+Francisco	PROPN
+.	PUNCT
+
+Compaq	PROPN
+
+This	DET
+name	NOUN
+was	AUX
+formed	VERB
+by	SCONJ
+using	VERB
+COMp	NOUN
+,	PUNCT
+for	ADP
+computer	NOUN
+,	PUNCT
+and	CCONJ
+PAQ	NOUN
+to	PART
+denote	VERB
+a	DET
+small	ADJ
+integral	ADJ
+object	NOUN
+.	PUNCT
+
+Corel	PROPN
+
+The	DET
+name	NOUN
+was	AUX
+derived	VERB
+from	ADP
+the	DET
+founder	NOUN
+'s	PART
+name	NOUN
+Dr.	PROPN
+Michael	PROPN
+Cowpland	PROPN
+.	PUNCT
+
+It	PRON
+stands	VERB
+for	ADP
+COwpland	PROPN
+REsearch	PROPN
+Laboratory	PROPN
+.	PUNCT
+
+Google	PROPN
+
+The	DET
+name	NOUN
+started	VERB
+as	ADP
+a	DET
+joke	NOUN
+boasting	VERB
+about	ADP
+the	DET
+amount	NOUN
+of	ADP
+information	NOUN
+the	DET
+search	NOUN
+-	PUNCT
+engine	NOUN
+would	AUX
+be	AUX
+able	ADJ
+to	PART
+search	VERB
+.	PUNCT
+
+It	PRON
+was	AUX
+originally	ADV
+named	VERB
+'	PUNCT
+Googol	PROPN
+'	PUNCT
+,	PUNCT
+a	DET
+word	NOUN
+for	ADP
+the	DET
+number	NOUN
+represented	VERB
+by	ADP
+1	NUM
+followed	VERB
+by	ADP
+100	NUM
+zeros	NOUN
+.	PUNCT
+
+After	SCONJ
+founders	NOUN
+-	PUNCT
+Stanford	PROPN
+graduate	NOUN
+students	NOUN
+Sergey	PROPN
+Brin	PROPN
+and	CCONJ
+Larry	PROPN
+Page	PROPN
+presented	VERB
+their	PRON
+project	NOUN
+to	ADP
+an	DET
+angel	NOUN
+investor	NOUN
+,	PUNCT
+they	PRON
+received	VERB
+a	DET
+cheque	NOUN
+made	VERB
+out	ADP
+to	ADP
+'	PUNCT
+Google	PROPN
+'	PUNCT
+
+Hotmail	PROPN
+
+Founder	NOUN
+Jack	PROPN
+Smith	PROPN
+got	VERB
+the	DET
+idea	NOUN
+of	SCONJ
+accessing	VERB
+e-mail	NOUN
+via	ADP
+the	DET
+web	NOUN
+from	ADP
+a	DET
+computer	NOUN
+anywhere	ADV
+in	ADP
+the	DET
+world	NOUN
+.	PUNCT
+
+When	ADV
+Sabeer	PROPN
+Bhatia	PROPN
+came	VERB
+up	ADV
+with	ADP
+the	DET
+business	NOUN
+plan	NOUN
+for	ADP
+the	DET
+mail	NOUN
+service	NOUN
+,	PUNCT
+he	PRON
+tried	VERB
+all	DET
+kinds	NOUN
+of	ADP
+names	NOUN
+ending	VERB
+in	ADP
+'	PUNCT
+mail	NOUN
+'	PUNCT
+and	CCONJ
+finally	ADV
+settled	VERB
+for	ADP
+hotmail	PROPN
+as	SCONJ
+it	PRON
+included	VERB
+the	DET
+letters	NOUN
+"	PUNCT
+html	NOUN
+"	PUNCT
+-	PUNCT
+the	DET
+programming	NOUN
+language	NOUN
+used	VERB
+to	PART
+write	VERB
+web	NOUN
+pages	NOUN
+.	PUNCT
+
+It	PRON
+was	AUX
+initially	ADV
+referred	VERB
+to	ADP
+as	ADP
+HoTMaiL	PROPN
+with	ADP
+selective	ADJ
+uppercasing	NOUN
+.	PUNCT
+
+Hewlett	PROPN
+Packard	PROPN
+
+Bill	PROPN
+Hewlett	PROPN
+and	CCONJ
+Dave	PROPN
+Packard	PROPN
+tossed	VERB
+a	DET
+coin	NOUN
+to	PART
+decide	VERB
+whether	SCONJ
+the	DET
+company	NOUN
+they	PRON
+founded	VERB
+would	AUX
+be	AUX
+called	VERB
+Hewlett	PROPN
+-	PUNCT
+Packard	PROPN
+or	CCONJ
+Packard	PROPN
+-	PUNCT
+Hewlett	PROPN
+.	PUNCT
+
+Intel	PROPN
+
+Bob	PROPN
+Noyce	PROPN
+and	CCONJ
+Gordon	PROPN
+Moore	PROPN
+wanted	VERB
+to	PART
+name	VERB
+their	PRON
+new	ADJ
+company	NOUN
+'	PUNCT
+Moore	PROPN
+Noyce	PROPN
+'	PUNCT
+but	CCONJ
+that	PRON
+was	AUX
+already	ADV
+trademarked	VERB
+by	ADP
+a	DET
+hotel	NOUN
+chain	NOUN
+so	ADV
+they	PRON
+had	VERB
+to	PART
+settle	VERB
+for	ADP
+an	DET
+acronym	NOUN
+of	ADP
+INTegrated	ADJ
+ELectronics	NOUN
+.	PUNCT
+
+Lotus	PROPN
+(	PUNCT
+Notes	PROPN
+)	PUNCT
+
+Mitch	PROPN
+Kapor	PROPN
+got	VERB
+the	DET
+name	NOUN
+for	ADP
+his	PRON
+company	NOUN
+from	ADP
+'	PUNCT
+The	DET
+Lotus	NOUN
+Position	NOUN
+'	PUNCT
+or	CCONJ
+'	PUNCT
+Padmasana	NOUN
+'	PUNCT
+.	PUNCT
+
+Kapor	PROPN
+used	VERB
+to	PART
+be	AUX
+a	DET
+teacher	NOUN
+of	ADP
+Transcendental	PROPN
+Meditation	PROPN
+of	ADP
+Maharishi	PROPN
+Mahesh	PROPN
+Yogi	PROPN
+.	PUNCT
+
+Microsoft	PROPN
+
+Coined	VERB
+by	ADP
+Bill	PROPN
+Gates	PROPN
+to	PART
+represent	VERB
+the	DET
+company	NOUN
+that	PRON
+was	AUX
+devoted	ADJ
+to	ADP
+MICROcomputer	NOUN
+SOFTware	NOUN
+.	PUNCT
+
+Originally	ADV
+christened	VERB
+Micro	PROPN
+-	PUNCT
+Soft	PROPN
+,	PUNCT
+the	DET
+'	PUNCT
+-	SYM
+'	PUNCT
+was	AUX
+removed	VERB
+later	ADV
+on	ADV
+.	PUNCT
+
+Motorola	PROPN
+
+Founder	NOUN
+Paul	PROPN
+Galvin	PROPN
+came	VERB
+up	ADV
+with	ADP
+this	DET
+name	NOUN
+when	ADV
+his	PRON
+company	NOUN
+started	VERB
+manufacturing	VERB
+radios	NOUN
+for	ADP
+cars	NOUN
+.	PUNCT
+
+The	DET
+popular	ADJ
+radio	NOUN
+company	NOUN
+at	ADP
+the	DET
+time	NOUN
+was	AUX
+called	VERB
+Victrola	PROPN
+.	PUNCT
+
+ORACLE	PROPN
+
+Larry	PROPN
+Ellison	PROPN
+and	CCONJ
+Bob	PROPN
+Oats	PROPN
+were	AUX
+working	VERB
+on	ADP
+a	DET
+consulting	NOUN
+project	NOUN
+for	ADP
+the	DET
+CIA	PROPN
+(	PUNCT
+Central	PROPN
+Intelligence	PROPN
+Agency	PROPN
+)	PUNCT
+.	PUNCT
+
+The	DET
+code	NOUN
+name	NOUN
+for	ADP
+the	DET
+project	NOUN
+was	AUX
+called	VERB
+Oracle	PROPN
+(	PUNCT
+the	DET
+CIA	PROPN
+saw	VERB
+this	PRON
+as	ADP
+the	DET
+system	NOUN
+to	PART
+give	VERB
+answers	NOUN
+to	ADP
+all	DET
+questions	NOUN
+or	CCONJ
+something	PRON
+such	ADJ
+)	PUNCT
+.	PUNCT
+
+The	DET
+project	NOUN
+was	AUX
+designed	VERB
+to	PART
+help	VERB
+use	VERB
+the	DET
+newly	ADV
+written	VERB
+SQL	NOUN
+code	NOUN
+by	ADP
+IBM	PROPN
+.	PUNCT
+
+The	DET
+project	NOUN
+eventually	ADV
+was	AUX
+terminated	VERB
+but	CCONJ
+Larry	PROPN
+and	CCONJ
+Bob	PROPN
+decided	VERB
+to	PART
+finish	VERB
+what	PRON
+they	PRON
+started	VERB
+and	CCONJ
+bring	VERB
+it	PRON
+to	ADP
+the	DET
+world	NOUN
+.	PUNCT
+
+They	PRON
+kept	VERB
+the	DET
+name	NOUN
+Oracle	PROPN
+and	CCONJ
+created	VERB
+the	DET
+RDBMS	PROPN
+engine	NOUN
+.	PUNCT
+
+Later	ADV
+they	PRON
+kept	VERB
+the	DET
+same	ADJ
+name	NOUN
+for	ADP
+the	DET
+company	NOUN
+.	PUNCT
+
+Sony	PROPN
+
+It	PRON
+originated	VERB
+from	ADP
+the	DET
+Latin	PROPN
+word	NOUN
+'	PUNCT
+sonus	NOUN
+'	PUNCT
+meaning	VERB
+sound	NOUN
+,	PUNCT
+and	CCONJ
+'	PUNCT
+sonny	NOUN
+'	PUNCT
+a	DET
+slang	NOUN
+used	VERB
+by	ADP
+Americans	PROPN
+to	PART
+refer	VERB
+to	ADP
+a	DET
+bright	ADJ
+youngster	NOUN
+.	PUNCT
+
+SUN	PROPN
+
+Founded	VERB
+by	ADP
+4	NUM
+Stanford	PROPN
+University	PROPN
+buddies	NOUN
+,	PUNCT
+SUN	PROPN
+is	AUX
+the	DET
+acronym	NOUN
+for	ADP
+Stanford	PROPN
+University	PROPN
+Network	PROPN
+.	PUNCT
+
+Andreas	NOUN
+Bechtolsheim	PROPN
+built	VERB
+a	DET
+microcomputer	NOUN
+;	PUNCT
+Vinod	PROPN
+Khosla	PROPN
+recruited	VERB
+him	PRON
+and	CCONJ
+Scott	PROPN
+McNealy	PROPN
+to	PART
+manufacture	VERB
+computers	NOUN
+based	VERB
+on	ADP
+it	PRON
+,	PUNCT
+and	CCONJ
+Bill	PROPN
+Joy	PROPN
+to	PART
+develop	VERB
+a	DET
+UNIX	PROPN
+-	PUNCT
+based	ADJ
+OS	NOUN
+for	ADP
+the	DET
+computer	NOUN
+.	PUNCT
+
+Yahoo!	PROPN
+
+The	DET
+word	NOUN
+was	AUX
+invented	VERB
+by	ADP
+Jonathan	PROPN
+Swift	PROPN
+and	CCONJ
+used	VERB
+in	ADP
+his	PRON
+book	NOUN
+'	PUNCT
+Gulliver	PROPN
+'s	PART
+Travels	PROPN
+'	PUNCT
+.	PUNCT
+
+It	PRON
+represents	VERB
+a	DET
+person	NOUN
+who	PRON
+is	AUX
+repulsive	ADJ
+in	ADP
+appearance	NOUN
+and	CCONJ
+action	NOUN
+and	CCONJ
+is	AUX
+barely	ADV
+human	ADJ
+.	PUNCT
+
+Yahoo!	PROPN
+Founders	NOUN
+Jerry	PROPN
+Yang	PROPN
+and	CCONJ
+David	PROPN
+Filo	PROPN
+selected	VERB
+the	DET
+name	NOUN
+because	SCONJ
+they	PRON
+considered	VERB
+themselves	PRON
+yahoos	NOUN
+...	PUNCT
+
+I	PRON
+am	AUX
+on	ADP
+Yahoo	PROPN
+!	PUNCT
+
+Email	NOUN
+:	PUNCT
+mayur...@yahoo.com	X
+SMS	NOUN
+:	PUNCT
++	SYM
+919819602175	NUM
+Web	NOUN
+:	PUNCT
+
+Hi	INTJ
+all	DET
+,	PUNCT
+
+There	PRON
+are	VERB
+already	ADV
+several	ADJ
+forums	NOUN
+around	ADP
+the	DET
+net	NOUN
+focused	VERB
+on	SCONJ
+discussing	VERB
+Guild	PROPN
+Wars	PROPN
+,	PUNCT
+so	ADV
+why	ADV
+create	VERB
+a	DET
+new	ADJ
+one	NOUN
+?	PUNCT
+
+I	PRON
+say	VERB
+why	ADV
+not	PART
+?	PUNCT
+
+The	DET
+main	ADJ
+reason	NOUN
+is	VERB
+Google	PROPN
+is	AUX
+more	ADV
+accessible	ADJ
+to	ADP
+the	DET
+global	ADJ
+community	NOUN
+and	CCONJ
+you	PRON
+can	AUX
+rest	VERB
+assured	VERB
+that	SCONJ
+it	PRON
+'s	AUX
+not	PART
+going	VERB
+to	PART
+go	VERB
+away	ADV
+.	PUNCT
+
+I	PRON
+have	AUX
+seen	VERB
+great	ADJ
+fan	NOUN
+sites	NOUN
+suddenly	ADV
+disappear	VERB
+without	ADP
+notice	NOUN
+and	CCONJ
+for	ADP
+no	DET
+reason	NOUN
+.	PUNCT
+
+Usually	ADV
+this	PRON
+happens	VERB
+because	SCONJ
+the	DET
+developer	NOUN
+of	ADP
+the	DET
+site	NOUN
+can	AUX
+no	ADV
+longer	ADV
+afford	VERB
+the	DET
+cost	NOUN
+of	ADP
+bandwidth	NOUN
+being	AUX
+used	VERB
+.	PUNCT
+
+That	PRON
+said	VERB
+,	PUNCT
+the	DET
+maintenance	NOUN
+of	ADP
+this	DET
+forum	NOUN
+is	AUX
+handled	VERB
+by	ADP
+Google	PROPN
+and	CCONJ
+thus	ADV
+will	AUX
+remain	VERB
+reliable	ADJ
+and	CCONJ
+it	PRON
+will	AUX
+ultimately	ADV
+give	VERB
+us	PRON
+more	ADJ
+time	NOUN
+to	PART
+play	VERB
+:)	SYM
+.	PUNCT
+
+I	PRON
+'m	AUX
+nothing	PRON
+more	ADJ
+than	ADP
+a	DET
+devoted	ADJ
+fan	NOUN
+of	ADP
+the	DET
+game	NOUN
+myself	PRON
+and	CCONJ
+I	PRON
+hope	VERB
+that	SCONJ
+this	DET
+area	NOUN
+can	AUX
+become	VERB
+a	DET
+haven	NOUN
+for	ADP
+deep	ADJ
+fan	NOUN
+discussions	NOUN
+.	PUNCT
+
+Regards	NOUN
+,	PUNCT
+
+Humanpixel	PROPN
+
+Aye	INTJ
+!	PUNCT
+
+Good	ADJ
+Day	NOUN
+Mate	NOUN
+!	PUNCT
+
+I	PRON
+m	AUX
+really	ADV
+looking	VERB
+forward	ADV
+to	ADP
+Guild	PROPN
+Wars	PROPN
+.	PUNCT
+
+Anyone	PRON
+know	VERB
+a	DET
+release	NOUN
+date	NOUN
+?	PUNCT
+
+Feb	PROPN
+2005	NUM
+
+Feb	PROPN
+2005	NUM
+is	AUX
+the	DET
+projected	VERB
+release	NOUN
+date	NOUN
+,	PUNCT
+although	SCONJ
+Guild	PROPN
+Wars	PROPN
+is	AUX
+made	VERB
+by	ADP
+ex-members	NOUN
+of	ADP
+Blizzard	PROPN
+,	PUNCT
+so	ADV
+Feb	PROPN
+2005	NUM
+could	AUX
+mean	VERB
+August	PROPN
+2006	NUM
+...	PUNCT
+
+Anyway	ADV
+,	PUNCT
+I	PRON
+tried	VERB
+to	PART
+get	VERB
+a	DET
+preorder	NOUN
+but	CCONJ
+no	DET
+places	NOUN
+were	AUX
+selling	VERB
+it	PRON
+so	ADV
+I	PRON
+missed	VERB
+out	ADP
+on	ADP
+2/3	NUM
+weekend	NOUN
+events	NOUN
+.	PUNCT
+
+Oh	INTJ
+well	INTJ
+,	PUNCT
+I	PRON
+'ll	AUX
+get	VERB
+it	PRON
+when	ADV
+it	PRON
+comes	VERB
+out	ADP
+in	ADP
+Febuary	PROPN
+.	PUNCT
+
+rumor	NOUN
+has	VERB
+feb	PROPN
+05	NUM
+on	ADP
+the	DET
+calender	NOUN
+.	PUNCT
+
+BUT	CCONJ
+they	PRON
+stated	VERB
+that	SCONJ
+they	PRON
+will	AUX
+take	VERB
+as	ADV
+long	ADV
+as	SCONJ
+it	PRON
+takes	VERB
+to	PART
+work	VERB
+out	ADP
+all	DET
+the	DET
+bugs	NOUN
+so	ADV
+who	PRON
+really	ADV
+know	VERB
+how	ADV
+long	ADV
+.	PUNCT
+
+as	ADV
+far	ADV
+as	ADP
+pre	X
+order	NOUN
+go	VERB
+to	ADP
+and	CCONJ
+they	PRON
+have	VERB
+a	DET
+list	NOUN
+of	ADP
+major	ADJ
+retailers	NOUN
+that	PRON
+carry	VERB
+it	PRON
+there	PRON
+are	VERB
+also	ADV
+a	DET
+few	ADJ
+websites	NOUN
+that	PRON
+you	PRON
+could	AUX
+order	VERB
+it	PRON
+off	ADP
+of	ADP
+.	PUNCT
+
+and	CCONJ
+a	DET
+good	ADJ
+reason	NOUN
+for	SCONJ
+starting	VERB
+this	DET
+group	NOUN
+....	PUNCT
+company	NOUN
+firewalls	NOUN
+lol	INTJ
+;)	SYM
+
+I	PRON
+was	AUX
+kind	ADV
+of	ADV
+curious	ADJ
+,	PUNCT
+what	PRON
+exactly	ADV
+is	AUX
+Guild	PROPN
+Wars	PROPN
+?	PUNCT
+
+I	PRON
+hav	AUX
+n't	PART
+heard	VERB
+of	ADP
+it	PRON
+.	PUNCT
+
+Check	VERB
+out	ADP
+the	DET
+Guild	PROPN
+Wars	PROPN
+Web	NOUN
+site	NOUN
+at	ADP
+for	ADP
+more	ADJ
+info	NOUN
+about	ADP
+the	DET
+game	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+a	DET
+massive	ADJ
+multiplayer	NOUN
+role	NOUN
+playing	NOUN
+game	NOUN
+.	PUNCT
+
+The	DET
+graphics	NOUN
+are	AUX
+without	ADP
+a	DET
+doubt	NOUN
+the	DET
+amoung	ADP
+the	DET
+best	ADJ
+graphics	NOUN
+I	PRON
+have	AUX
+ever	ADV
+seen	VERB
+for	ADP
+any	DET
+game	NOUN
+and	CCONJ
+I	PRON
+have	AUX
+been	AUX
+gaming	VERB
+since	ADP
+the	DET
+MUD	NOUN
+days	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+worth	ADJ
+a	DET
+look	NOUN
+.	PUNCT
+
+I	PRON
+have	VERB
+a	DET
+preorder	NOUN
+and	CCONJ
+am	AUX
+even	ADV
+considering	VERB
+getting	VERB
+a	DET
+second	ADJ
+preorder	NOUN
+to	PART
+have	VERB
+multiple	ADJ
+accounts	NOUN
+.	PUNCT
+
+I	PRON
+have	AUX
+participated	VERB
+in	ADP
+all	DET
+the	DET
+weekend	NOUN
+beta	NOUN
+events	NOUN
+and	CCONJ
+the	DET
+world	NOUN
+preview	NOUN
+.	PUNCT
+
+The	DET
+game	NOUN
+is	AUX
+already	ADV
+100	NUM
+%	SYM
+functional	ADJ
+.	PUNCT
+
+I	PRON
+ca	AUX
+n't	PART
+imagine	VERB
+them	PRON
+not	ADV
+being	AUX
+able	ADJ
+to	PART
+meet	VERB
+the	DET
+Feb	PROPN
+05	NUM
+deadline	NOUN
+.	PUNCT
+
+Warm	ADJ
+greetings	NOUN
+to	ADP
+all	DET
+in	ADP
+this	DET
+GW	PROPN
+community	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+Lady	PROPN
+Kingel	PROPN
+and	CCONJ
+I	PRON
+hail	VERB
+from	ADP
+the	DET
+United	PROPN
+Legit	PROPN
+Gaming	PROPN
+Guilds	PROPN
+of	ADP
+Guild	PROPN
+Wars	PROPN
+.	PUNCT
+
+We	PRON
+are	AUX
+a	DET
+consortium	NOUN
+of	ADP
+legit	ADJ
+honorable	ADJ
+guilds	NOUN
+that	PRON
+was	AUX
+established	VERB
+in	ADP
+1997	NUM
+for	ADP
+DI	PROPN
+and	CCONJ
+we	PRON
+are	AUX
+now	ADV
+adding	VERB
+GW	PROPN
+to	ADP
+the	DET
+list	NOUN
+of	ADP
+games	NOUN
+played	VERB
+.	PUNCT
+
+The	DET
+alliance	NOUN
+is	AUX
+a	DET
+pretty	ADV
+straightforward	ADJ
+one	NOUN
+.	PUNCT
+
+It	PRON
+was	AUX
+formed	VERB
+to	PART
+allow	VERB
+many	ADJ
+different	ADJ
+guilds	NOUN
+who	PRON
+were	AUX
+all	ADV
+strictly	ADV
+honorable	ADJ
+to	PART
+come	VERB
+together	ADV
+as	ADP
+a	DET
+family	NOUN
+and	CCONJ
+allow	VERB
+them	PRON
+many	ADJ
+people	NOUN
+to	PART
+game	VERB
+with	ADP
+.	PUNCT
+
+There	PRON
+are	VERB
+no	DET
+other	ADJ
+requirements	NOUN
+other	ADJ
+than	SCONJ
+we	PRON
+ask	VERB
+that	SCONJ
+members	NOUN
+greet	VERB
+each	DET
+new	ADJ
+member	NOUN
+and	CCONJ
+each	DET
+new	ADJ
+alliance	NOUN
+and	CCONJ
+also	ADV
+feel	VERB
+free	ADJ
+to	PART
+post	VERB
+in	ADP
+any	DET
+of	ADP
+the	DET
+forums	NOUN
+.	PUNCT
+
+We	PRON
+are	AUX
+also	ADV
+a	DET
+group	NOUN
+who	PRON
+is	AUX
+looking	VERB
+for	ADP
+members	NOUN
+for	ADP
+our	PRON
+own	ADJ
+select	ADJ
+guild	NOUN
+called	VERB
+ULGG	PROPN
+of	ADP
+GW	PROPN
+...	PUNCT
+which	PRON
+is	AUX
+a	DET
+part	NOUN
+of	ADP
+the	DET
+alliance	NOUN
+with	ADP
+the	DET
+same	ADJ
+name	NOUN
+.	PUNCT
+
+We	PRON
+play	VERB
+in	ADP
+all	DET
+aspects	NOUN
+of	ADP
+the	DET
+game	NOUN
+and	CCONJ
+we	PRON
+hand	NOUN
+pick	VERB
+our	PRON
+members	NOUN
+.	PUNCT
+
+I	PRON
+would	AUX
+like	VERB
+to	PART
+personally	ADV
+invite	VERB
+each	DET
+of	ADP
+you	PRON
+to	PART
+visit	VERB
+our	PRON
+website	NOUN
+.	PUNCT
+
+You	PRON
+are	AUX
+individuals	NOUN
+of	ADP
+quality	NOUN
+,	PUNCT
+and	CCONJ
+in	ADP
+our	PRON
+alliance	NOUN
+we	PRON
+seek	VERB
+quality	NOUN
+of	ADP
+member	NOUN
+over	ADP
+quantity	NOUN
+of	ADP
+member	NOUN
+.	PUNCT
+
+You	PRON
+will	AUX
+be	AUX
+asked	VERB
+to	PART
+register	VERB
+,	PUNCT
+and	CCONJ
+then	ADV
+you	PRON
+should	AUX
+wander	VERB
+over	ADV
+to	ADP
+the	DET
+Announce	VERB
+Your	PRON
+Arrival	NOUN
+Section	NOUN
+and	CCONJ
+present	VERB
+yourself	PRON
+.	PUNCT
+
+You	PRON
+will	AUX
+be	AUX
+greeted	VERB
+by	ADP
+many	ADJ
+members	NOUN
+of	ADP
+this	DET
+wonderful	ADJ
+family	NOUN
+.	PUNCT
+
+I	PRON
+do	AUX
+hope	VERB
+to	PART
+see	VERB
+you	PRON
+visiting	VERB
+us	PRON
+at	ADP
+the	DET
+fire	NOUN
+and	CCONJ
+we	PRON
+shall	AUX
+prepare	VERB
+a	DET
+feast	NOUN
+for	ADP
+you	PRON
+,	PUNCT
+as	ADV
+well	ADV
+.	PUNCT
+
+If	SCONJ
+you	PRON
+paste	VERB
+this	PRON
+in	ADP
+your	PRON
+browser	NOUN
+,	PUNCT
+it	PRON
+will	AUX
+take	VERB
+you	PRON
+directly	ADV
+to	ADP
+our	PRON
+GW	PROPN
+website	NOUN
+.	PUNCT
+
+I	PRON
+extend	VERB
+my	PRON
+hand	NOUN
+to	ADP
+each	DET
+of	ADP
+you	PRON
+in	ADP
+true	ADJ
+friendship	NOUN
+,	PUNCT
+and	CCONJ
+honor	NOUN
+.	PUNCT
+
+Come	VERB
+and	CCONJ
+say	VERB
+hello	INTJ
+...	PUNCT
+you	PRON
+will	AUX
+be	AUX
+warmly	ADV
+welcomed	VERB
+!	PUNCT
+
+We	PRON
+are	AUX
+currently	ADV
+moving	VERB
+to	ADP
+a	DET
+new	ADJ
+server	NOUN
+,	PUNCT
+so	ADV
+we	PRON
+will	AUX
+be	AUX
+down	ADV
+for	ADP
+a	DET
+while	NOUN
+.	PUNCT
+
+I	PRON
+will	AUX
+inform	VERB
+when	ADV
+we	PRON
+are	AUX
+up	ADV
+and	CCONJ
+running	VERB
+again	ADV
+.	PUNCT
+
+I	PRON
+wish	VERB
+all	DET
+happy	ADJ
+holidays	NOUN
+,	PUNCT
+and	CCONJ
+moreso	ADV
+,	PUNCT
+peace	NOUN
+on	ADP
+earth	NOUN
+.	PUNCT
+
+Kingel	PROPN
+
+Dear	ADJ
+Judges	NOUN
+,	PUNCT
+Lawyers	NOUN
+,	PUNCT
+Policemen	NOUN
+,	PUNCT
+Guards	NOUN
+,	PUNCT
+Counselors	NOUN
+,	PUNCT
+Taxpayers	NOUN
+,	PUNCT
+et.	X
+al.	X
+,	PUNCT
+
+We	PRON
+are	AUX
+here	ADV
+.	PUNCT
+
+Like	VERB
+it	PRON
+or	CCONJ
+not	PART
+,	PUNCT
+for	ADP
+good	NOUN
+or	CCONJ
+bad	NOUN
+,	PUNCT
+we	PRON
+are	AUX
+here	ADV
+.	PUNCT
+
+Who	PRON
+are	AUX
+we	PRON
+?	PUNCT
+
+We	PRON
+are	AUX
+the	DET
+downtrodden	ADJ
+and	CCONJ
+dispossesed	ADJ
+,	PUNCT
+the	DET
+self	NOUN
+-	PUNCT
+torturing	VERB
+,	PUNCT
+the	DET
+disenfranchised	VERB
+convicts	NOUN
+,	PUNCT
+drug	NOUN
+and	CCONJ
+alcohol	NOUN
+addicts	NOUN
+,	PUNCT
+the	DET
+unemployed	ADJ
+and	CCONJ
+unemployable	ADJ
+.	PUNCT
+
+We	PRON
+are	AUX
+the	DET
+children	NOUN
+of	ADP
+poverty	NOUN
+,	PUNCT
+financial	ADJ
+and	CCONJ
+spiritual	ADJ
+.	PUNCT
+
+We	PRON
+have	VERB
+and	CCONJ
+will	AUX
+have	VERB
+children	NOUN
+of	ADP
+our	PRON
+own	ADJ
+,	PUNCT
+grandchildren	NOUN
+too	ADV
+.	PUNCT
+
+We	PRON
+are	AUX
+ex-cons	NOUN
+,	PUNCT
+uninsured	ADJ
+,	PUNCT
+homeless	ADJ
+,	PUNCT
+of	ADP
+many	ADJ
+colors	NOUN
+and	CCONJ
+speaking	VERB
+many	ADJ
+tongues	NOUN
+.	PUNCT
+
+We	PRON
+are	AUX
+the	DET
+enemy	NOUN
+in	SCONJ
+what	PRON
+has	AUX
+become	VERB
+a	DET
+domestic	ADJ
+war	NOUN
+against	ADP
+ourselves	PRON
+.	PUNCT
+
+And	CCONJ
+who	PRON
+are	AUX
+you	PRON
+?	PUNCT
+
+You	PRON
+who	PRON
+like	VERB
+the	DET
+tough	ADJ
+talk	NOUN
+of	ADP
+Tough	ADJ
+on	ADP
+Crime	NOUN
+?	PUNCT
+
+You	PRON
+who	PRON
+watch	VERB
+as	SCONJ
+budgets	NOUN
+are	AUX
+cut	VERB
+in	ADP
+education	NOUN
+and	CCONJ
+health	NOUN
+care	NOUN
+while	SCONJ
+you	PRON
+militarize	VERB
+a	DET
+police	NOUN
+force	NOUN
+?	PUNCT
+
+Bullet	NOUN
+-	PUNCT
+proof	ADJ
+vests	NOUN
+,	PUNCT
+automatic	ADJ
+weapons	NOUN
+,	PUNCT
+helicopters	NOUN
+,	PUNCT
+tanks	NOUN
+,	PUNCT
+robots	NOUN
+...	PUNCT
+the	DET
+testosterone	NOUN
+is	AUX
+oozing	VERB
+through	ADP
+the	DET
+streets	NOUN
+,	PUNCT
+more	ADJ
+prisons	NOUN
+,	PUNCT
+longer	ADJ
+sentences	NOUN
+,	PUNCT
+tighten	VERB
+the	DET
+belt	NOUN
+,	PUNCT
+spartan	ADJ
+conditions	NOUN
+,	PUNCT
+task	NOUN
+forces	NOUN
+,	PUNCT
+gang	NOUN
+units	NOUN
+,	PUNCT
+gun	NOUN
+courts	NOUN
+.	PUNCT
+
+And	CCONJ
+what	PRON
+is	VERB
+there	PRON
+to	PART
+show	VERB
+for	ADP
+it	PRON
+?	PUNCT
+
+Unemployent	NOUN
+stays	VERB
+low	ADJ
+because	SCONJ
+half	DET
+the	DET
+population	NOUN
+oversees	VERB
+those	PRON
+"	PUNCT
+out	ADP
+of	ADP
+the	DET
+workforce	NOUN
+"	PUNCT
+,	PUNCT
+the	DET
+dregs	NOUN
+,	PUNCT
+the	DET
+rabble	NOUN
+,	PUNCT
+the	DET
+enemy	NOUN
+?	PUNCT
+
+Please	INTJ
+tell	VERB
+me	PRON
+there	PRON
+is	VERB
+a	DET
+deeper	ADJ
+reason	NOUN
+.	PUNCT
+
+Do	AUX
+you	PRON
+feel	VERB
+safer	ADJ
+?	PUNCT
+
+More	ADV
+humane	ADJ
+?	PUNCT
+
+More	ADV
+like	ADP
+a	DET
+cohesive	ADJ
+society	NOUN
+with	ADP
+a	DET
+shared	VERB
+sense	NOUN
+of	ADP
+purpose	NOUN
+,	PUNCT
+who	PRON
+can	AUX
+identify	VERB
+Us	PRON
+and	CCONJ
+Them	PRON
+?	PUNCT
+
+Do	AUX
+you	PRON
+live	VERB
+in	ADP
+a	DET
+gated	ADJ
+community	NOUN
+or	CCONJ
+gentrified	VERB
+neighborhood	NOUN
+?	PUNCT
+
+By	ADP
+the	DET
+way	NOUN
+,	PUNCT
+have	AUX
+you	PRON
+read	VERB
+the	DET
+Declaration	PROPN
+of	ADP
+Independence	PROPN
+and	CCONJ
+US	PROPN
+Constitution	PROPN
+-	PUNCT
+or	CCONJ
+do	AUX
+you	PRON
+only	ADV
+know	VERB
+the	DET
+first	ADJ
+phrases	NOUN
+?	PUNCT
+
+It	PRON
+'s	AUX
+about	ADV
+time	NOUN
+we	PRON
+got	VERB
+together	ADV
+.	PUNCT
+
+Please	INTJ
+know	VERB
+that	SCONJ
+I	PRON
+have	VERB
+yet	ADV
+to	PART
+meet	VERB
+a	DET
+convict	NOUN
+who	PRON
+wants	VERB
+their	PRON
+child	NOUN
+to	PART
+be	AUX
+a	DET
+thief	NOUN
+,	PUNCT
+an	DET
+addict	NOUN
+,	PUNCT
+a	DET
+dealer	NOUN
+,	PUNCT
+a	DET
+prostitute	NOUN
+,	PUNCT
+or	CCONJ
+a	DET
+violent	ADJ
+individual	NOUN
+.	PUNCT
+
+Most	ADJ
+of	ADP
+us	PRON
+still	ADV
+have	VERB
+hope	NOUN
+for	ADP
+ourselves	PRON
+even	ADV
+when	ADV
+stuck	ADJ
+in	ADP
+the	DET
+darkest	ADJ
+dilemmas	NOUN
+,	PUNCT
+ruts	NOUN
+and	CCONJ
+catch	NOUN
+-	PUNCT
+22s	NOUN
+.	PUNCT
+
+Most	ADJ
+of	ADP
+us	PRON
+believe	VERB
+in	SCONJ
+crafting	VERB
+laws	NOUN
+and	CCONJ
+instilling	VERB
+order	NOUN
+.	PUNCT
+
+Many	ADJ
+of	ADP
+us	PRON
+have	AUX
+burrowed	VERB
+beneath	ADP
+the	DET
+surface	NOUN
+to	PART
+find	VERB
+a	DET
+spiritual	ADJ
+sense	NOUN
+of	ADP
+being	NOUN
+,	PUNCT
+an	DET
+understanding	ADJ
+force	NOUN
+at	ADV
+least	ADV
+as	ADV
+powerful	ADJ
+as	ADP
+those	PRON
+we	PRON
+succumbed	VERB
+to	ADP
+,	PUNCT
+and	CCONJ
+many	ADJ
+of	ADP
+use	PRON
+would	AUX
+n't	PART
+escape	VERB
+if	SCONJ
+you	PRON
+opened	VERB
+the	DET
+front	ADJ
+door	NOUN
+.	PUNCT
+
+Did	AUX
+you	PRON
+know	VERB
+that	SCONJ
+approximately	ADV
+10	NUM
+million	NUM
+Americans	PROPN
+are	VERB
+either	CCONJ
+incarcerated	VERB
+,	PUNCT
+on	ADP
+probation	NOUN
+,	PUNCT
+on	ADP
+parole	NOUN
+or	CCONJ
+once	ADV
+were	AUX
+in	ADP
+those	DET
+categories	NOUN
+?	PUNCT
+
+Each	DET
+of	ADP
+those	DET
+10	NUM
+million	NUM
+have	VERB
+families	NOUN
+,	PUNCT
+friends	NOUN
+,	PUNCT
+neighbors	NOUN
+...	PUNCT
+and	CCONJ
+so	ADV
+closer	ADV
+and	CCONJ
+closer	ADV
+does	AUX
+the	DET
+We	NOUN
+interface	VERB
+with	ADP
+the	DET
+You	NOUN
+.	PUNCT
+
+Do	AUX
+n't	PART
+you	PRON
+think	VERB
+it	PRON
+'s	AUX
+time	NOUN
+we	PRON
+talked	VERB
+?	PUNCT
+
+Are	AUX
+you	PRON
+ready	ADJ
+?	PUNCT
+
+Can	AUX
+you	PRON
+accept	VERB
+that	SCONJ
+the	DET
+road	NOUN
+we	PRON
+are	AUX
+travelling	VERB
+points	VERB
+toward	ADP
+a	DET
+grim	ADJ
+and	CCONJ
+painful	ADJ
+future	NOUN
+?	PUNCT
+
+Do	AUX
+you	PRON
+have	VERB
+the	DET
+heart	NOUN
+to	PART
+face	VERB
+monumental	ADJ
+failures	NOUN
+while	SCONJ
+bravely	ADV
+struggling	VERB
+beyond	SCONJ
+where	ADV
+we	PRON
+are	AUX
+now	ADV
+?	PUNCT
+
+I	PRON
+know	VERB
+that	SCONJ
+some	DET
+of	ADP
+you	PRON
+are	VERB
+,	PUNCT
+and	CCONJ
+that	SCONJ
+some	DET
+of	ADP
+us	PRON
+are	VERB
+,	PUNCT
+and	CCONJ
+this	PRON
+is	AUX
+what	PRON
+gives	VERB
+me	PRON
+hope	NOUN
+.	PUNCT
+
+You	PRON
+need	VERB
+our	PRON
+insights	NOUN
+just	ADV
+as	SCONJ
+we	PRON
+need	VERB
+your	PRON
+structure	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+never	ADV
+over	ADV
+,	PUNCT
+especially	ADV
+when	ADV
+a	DET
+real	ADJ
+solution	NOUN
+,	PUNCT
+a	DET
+real	ADJ
+treatment	NOUN
+for	ADP
+our	PRON
+sickness	NOUN
+,	PUNCT
+is	VERB
+yet	ADV
+to	PART
+begin	VERB
+.	PUNCT
+
+In	ADP
+Solidarity	NOUN
+,	PUNCT
+
+Bruce	PROPN
+Reilly	PROPN
+(	PUNCT
+a.k.a	ADV
+Bruha	PROPN
+)	PUNCT
+P.O.	NOUN
+Box	NOUN
+8274	NUM
+Cranston	PROPN
+,	PUNCT
+RI	PROPN
+02920	NUM
+USA	PROPN
+
+P.S.	NOUN
+-	PUNCT
+I	PRON
+am	AUX
+trying	VERB
+to	PART
+conceptualize	VERB
+an	DET
+effective	ADJ
+guerilla	NOUN
+media	NOUN
+campaign	NOUN
+to	PART
+promote	VERB
+this	DET
+cause	NOUN
+.	PUNCT
+
+Ideas	NOUN
+are	AUX
+welcome	ADJ
+.	PUNCT
+
+Collaboration	NOUN
+is	AUX
+prayed	VERB
+.	PUNCT
+
+an	DET
+annotated	VERB
+text	NOUN
+of	ADP
+the	DET
+bill	NOUN
+,	PUNCT
+read	VERB
+the	DET
+article	NOUN
+by	ADP
+D.	PROPN
+Singmaster	PROPN
+in	ADP
+"	PUNCT
+The	DET
+Mathematical	PROPN
+Intelligencer	PROPN
+"	PUNCT
+v	NOUN
+7	NUM
+#	NOUN
+2	NUM
+,	PUNCT
+pp	NOUN
+69	NUM
+-	SYM
+72	NUM
+.	PUNCT
+
+---------------------------------------------------------------------------	PUNCT
+-----	PUNCT
+
+Subject	NOUN
+:	PUNCT
+Where	ADV
+can	AUX
+I	PRON
+get	VERB
+the	DET
+necessary	ADJ
+software	NOUN
+to	PART
+get	VERB
+a	DET
+"	PUNCT
+smart	ADJ
+"	PUNCT
+mail	NOUN
+system	NOUN
+running	VERB
+on	ADP
+my	PRON
+machine	NOUN
+that	PRON
+will	AUX
+take	VERB
+advantage	NOUN
+of	ADP
+the	DET
+postings	NOUN
+in	ADP
+comp.mail.maps	NOUN
+?	PUNCT
+(	PUNCT
+E.g.	ADV
+,	PUNCT
+pathalias	NOUN
+,	PUNCT
+smail	NOUN
+,	PUNCT
+etc.	X
+)	PUNCT
+
+There	PRON
+are	VERB
+a	DET
+couple	NOUN
+of	ADP
+packages	NOUN
+available	ADJ
+through	ADP
+the	DET
+supporters	NOUN
+of	ADP
+the	DET
+comp.sources.unix	NOUN
+archives	NOUN
+.	PUNCT
+
+If	SCONJ
+sites	NOUN
+next	ADP
+to	ADP
+you	PRON
+do	AUX
+n't	PART
+have	VERB
+what	PRON
+you	PRON
+want	VERB
+,	PUNCT
+contact	VERB
+your	PRON
+nearest	ADJ
+comp.sources.unix	NOUN
+archive	NOUN
+,	PUNCT
+or	CCONJ
+the	DET
+moderator	NOUN
+.	PUNCT
+
+Information	NOUN
+on	ADP
+archive	NOUN
+sites	NOUN
+,	PUNCT
+and	CCONJ
+indices	NOUN
+of	ADP
+comp.sources.unix	NOUN
+back	NOUN
+issues	NOUN
+are	AUX
+posted	VERB
+regularly	ADV
+in	ADP
+comp.sources.unix	NOUN
+and	CCONJ
+comp.sources.d	NOUN
+.	PUNCT
+
+---------------------------------------------------------------------------	PUNCT
+-----	PUNCT
+
+Subject	NOUN
+:	PUNCT
+What	PRON
+is	AUX
+"	PUNCT
+food	NOUN
+for	ADP
+the	DET
+NSA	PROPN
+line	NOUN
+-	PUNCT
+eater	NOUN
+"	PUNCT
+?	PUNCT
+
+This	PRON
+refers	VERB
+to	ADP
+the	DET
+alleged	VERB
+scanning	NOUN
+of	ADP
+all	DET
+Usenet	PROPN
+traffic	NOUN
+by	ADP
+the	DET
+National	PROPN
+Security	PROPN
+Agency	PROPN
+(	PUNCT
+and	CCONJ
+possibly	ADV
+other	ADJ
+intelligence	NOUN
+organizations	NOUN
+)	PUNCT
+for	ADP
+interesting	ADJ
+keywords	NOUN
+.	PUNCT
+
+The	DET
+"	PUNCT
+food	NOUN
+"	PUNCT
+is	AUX
+believed	VERB
+to	PART
+contain	VERB
+some	DET
+of	ADP
+those	PRON
+
+Email	NOUN
+:	PUNCT
+"	PUNCT
+Peanutjake	PROPN
+"	PUNCT
+<	PUNCT
+peanutjak...@usa.com	X
+>	PUNCT
+
+Groups	NOUN
+:	PUNCT
+misc.consumers	NOUN
+
+Subject	NOUN
+:	PUNCT
+IMMEDIATE	ADJ
+ATTENTION	NOUN
+NEEDED	VERB
+:	PUNCT
+
+HIGHLY	ADV
+CONFIDENTIAL	ADJ
+URGENT	ADJ
+ASSISTANCE	NOUN
+-	PUNCT
+FROM	ADP
+USA	PROPN
+
+FROM	ADP
+:	PUNCT
+GEORGE	PROPN
+WALKER	PROPN
+BUSH	PROPN
+202.456.1414	NUM
+/	PUNCT
+202.456.1111	NUM
+FAX	NOUN
+:	PUNCT
+202.456.2461	NUM
+
+Dear	ADJ
+Sir	NOUN
+/	PUNCT
+Madam	NOUN
+,	PUNCT
+
+I	PRON
+am	AUX
+GEORGE	PROPN
+WALKER	PROPN
+BUSH	PROPN
+,	PUNCT
+son	NOUN
+of	ADP
+the	DET
+former	ADJ
+president	PROPN
+of	ADP
+the	DET
+United	PROPN
+States	PROPN
+of	ADP
+America	PROPN
+George	PROPN
+Herbert	PROPN
+Walker	PROPN
+Bush	PROPN
+,	PUNCT
+and	CCONJ
+currently	ADV
+serving	VERB
+as	ADP
+President	PROPN
+of	ADP
+the	DET
+United	PROPN
+States	PROPN
+of	ADP
+America	PROPN
+.	PUNCT
+
+This	DET
+letter	NOUN
+might	AUX
+surprise	VERB
+you	PRON
+because	SCONJ
+we	PRON
+have	AUX
+not	PART
+met	VERB
+neither	CCONJ
+in	ADP
+person	NOUN
+nor	CCONJ
+by	ADP
+correspondence	NOUN
+.	PUNCT
+
+I	PRON
+came	VERB
+to	PART
+know	VERB
+of	ADP
+you	PRON
+in	ADP
+my	PRON
+search	NOUN
+for	ADP
+a	DET
+reliable	ADJ
+and	CCONJ
+reputable	ADJ
+person	NOUN
+to	PART
+handle	VERB
+a	DET
+very	ADV
+confidential	ADJ
+business	NOUN
+transaction	NOUN
+,	PUNCT
+which	PRON
+involves	VERB
+the	DET
+transfer	NOUN
+of	ADP
+a	DET
+huge	ADJ
+sum	NOUN
+of	ADP
+money	NOUN
+to	ADP
+an	DET
+account	NOUN
+requiring	VERB
+maximum	ADJ
+confidence	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+writing	VERB
+you	PRON
+in	ADP
+absolute	ADJ
+confidence	NOUN
+primarily	ADV
+to	PART
+seek	VERB
+your	PRON
+assistance	NOUN
+in	SCONJ
+acquiring	VERB
+oil	NOUN
+funds	NOUN
+that	PRON
+are	AUX
+presently	ADV
+trapped	VERB
+in	ADP
+the	DET
+republic	NOUN
+of	ADP
+Iraq	PROPN
+.	PUNCT
+
+My	PRON
+partners	NOUN
+and	CCONJ
+I	PRON
+solicit	VERB
+your	PRON
+assistance	NOUN
+in	SCONJ
+completing	VERB
+a	DET
+transaction	NOUN
+begun	VERB
+by	ADP
+my	PRON
+father	NOUN
+,	PUNCT
+who	PRON
+has	AUX
+long	ADV
+been	AUX
+actively	ADV
+engaged	VERB
+in	ADP
+the	DET
+extraction	NOUN
+of	ADP
+petroleum	NOUN
+in	ADP
+the	DET
+United	PROPN
+States	PROPN
+of	ADP
+America	PROPN
+,	PUNCT
+and	CCONJ
+bravely	ADV
+served	VERB
+his	PRON
+country	NOUN
+as	ADP
+director	NOUN
+of	ADP
+the	DET
+United	PROPN
+States	PROPN
+Central	PROPN
+Intelligence	PROPN
+Agency	PROPN
+.	PUNCT
+
+In	ADP
+the	DET
+decade	NOUN
+of	ADP
+the	DET
+nineteen	NUM
+-	PUNCT
+eighties	NOUN
+,	PUNCT
+my	PRON
+father	NOUN
+,	PUNCT
+then	ADV
+vice	NOUN
+-	PUNCT
+president	NOUN
+of	ADP
+the	DET
+United	PROPN
+States	PROPN
+of	ADP
+America	PROPN
+,	PUNCT
+sought	VERB
+to	PART
+work	VERB
+with	ADP
+the	DET
+good	ADJ
+offices	NOUN
+of	ADP
+the	DET
+President	PROPN
+of	ADP
+the	DET
+Republic	PROPN
+of	ADP
+Iraq	PROPN
+to	PART
+regain	VERB
+lost	VERB
+oil	NOUN
+revenue	NOUN
+sources	NOUN
+in	ADP
+the	DET
+neighboring	VERB
+Islamic	PROPN
+republic	PROPN
+of	ADP
+Iran	PROPN
+.	PUNCT
+
+This	DET
+unsuccessful	ADJ
+venture	NOUN
+was	AUX
+soon	ADV
+followed	VERB
+by	ADP
+a	DET
+falling	NOUN
+-	PUNCT
+out	NOUN
+with	ADP
+his	PRON
+Iraqi	ADJ
+partner	NOUN
+,	PUNCT
+who	PRON
+sought	VERB
+to	PART
+acquire	VERB
+additional	ADJ
+oil	NOUN
+revenue	NOUN
+sources	NOUN
+in	ADP
+the	DET
+neighboring	VERB
+emirate	NOUN
+of	ADP
+Kuwait	PROPN
+,	PUNCT
+a	DET
+wholly	ADV
+-	PUNCT
+owned	VERB
+U.S.	PROPN
+-	PUNCT
+British	ADJ
+subsidiary	NOUN
+.	PUNCT
+
+My	PRON
+father	NOUN
+re-secured	VERB
+the	DET
+petroleum	NOUN
+assets	NOUN
+of	ADP
+Kuwait	PROPN
+in	ADP
+1991	NUM
+at	ADP
+a	DET
+cost	NOUN
+of	ADP
+sixty	NUM
+-	PUNCT
+one	NUM
+billion	NUM
+U.S.	PROPN
+dollars	NOUN
+(	PUNCT
+$	SYM
+61,000,000,000	NUM
+)	PUNCT
+.	PUNCT
+
+Out	ADP
+of	ADP
+that	DET
+cost	NOUN
+,	PUNCT
+thirty	NUM
+-	PUNCT
+six	NUM
+billion	NUM
+dollars	NOUN
+(	PUNCT
+$	SYM
+36,000,000,000	NUM
+)	PUNCT
+were	AUX
+supplied	VERB
+by	ADP
+King	PROPN
+Hussein	PROPN
+,	PUNCT
+Kingdom	PROPN
+of	ADP
+Saudi	PROPN
+Arabia	PROPN
+and	CCONJ
+other	ADJ
+Persian	PROPN
+Gulf	PROPN
+monarchies	NOUN
+,	PUNCT
+and	CCONJ
+sixteen	NUM
+billion	NUM
+dollars	NOUN
+(	PUNCT
+$	SYM
+16,000,000,000	NUM
+)	PUNCT
+by	ADP
+German	ADJ
+and	CCONJ
+Japanese	ADJ
+partners	NOUN
+.	PUNCT
+
+But	CCONJ
+my	PRON
+father	NOUN
+'s	PART
+former	ADJ
+Iraqi	ADJ
+business	NOUN
+partner	NOUN
+remained	VERB
+in	ADP
+control	NOUN
+of	ADP
+the	DET
+republic	PROPN
+of	ADP
+Iraq	PROPN
+and	CCONJ
+its	PRON
+petroleum	NOUN
+reserves	NOUN
+.	PUNCT
+
+My	PRON
+family	NOUN
+is	AUX
+calling	VERB
+for	ADP
+your	PRON
+urgent	ADJ
+assistance	NOUN
+in	SCONJ
+funding	VERB
+the	DET
+removal	NOUN
+of	ADP
+the	DET
+President	PROPN
+of	ADP
+the	DET
+Republic	PROPN
+of	ADP
+Iraq	PROPN
+and	CCONJ
+acquiring	VERB
+the	DET
+petroleum	NOUN
+assets	NOUN
+of	ADP
+his	PRON
+country	NOUN
+,	PUNCT
+as	ADP
+compensation	NOUN
+for	ADP
+the	DET
+costs	NOUN
+of	SCONJ
+removing	VERB
+him	PRON
+from	ADP
+power	NOUN
+.	PUNCT
+
+Unfortunately	ADV
+,	PUNCT
+our	PRON
+partners	NOUN
+from	ADP
+1991	NUM
+are	AUX
+not	PART
+willing	ADJ
+to	PART
+shoulder	VERB
+the	DET
+burden	NOUN
+of	ADP
+this	DET
+new	ADJ
+venture	NOUN
+,	PUNCT
+which	PRON
+in	ADP
+its	PRON
+upcoming	ADJ
+phase	NOUN
+may	AUX
+cost	VERB
+the	DET
+sum	NOUN
+of	ADP
+100	NUM
+billion	NUM
+to	ADP
+200	NUM
+billion	NUM
+dollars	NOUN
+(	PUNCT
+$	SYM
+100,000,000,000	NUM
+-	SYM
+$	SYM
+200,000,000,000	NUM
+)	PUNCT
+,	PUNCT
+both	CCONJ
+in	ADP
+the	DET
+initial	ADJ
+acquisition	NOUN
+and	CCONJ
+in	ADP
+long	ADJ
+-	PUNCT
+term	NOUN
+management	NOUN
+.	PUNCT
+
+Without	ADP
+the	DET
+funds	NOUN
+from	ADP
+our	PRON
+1991	NUM
+partners	NOUN
+,	PUNCT
+we	PRON
+would	AUX
+not	PART
+be	AUX
+able	ADJ
+to	PART
+acquire	VERB
+the	DET
+oil	NOUN
+revenue	NOUN
+trapped	VERB
+within	ADP
+Iraq	PROPN
+.	PUNCT
+
+That	PRON
+is	AUX
+why	ADV
+my	PRON
+family	NOUN
+and	CCONJ
+our	PRON
+colleagues	NOUN
+are	AUX
+urgently	ADV
+seeking	VERB
+your	PRON
+gracious	ADJ
+assistance	NOUN
+.	PUNCT
+
+Our	PRON
+distinguished	ADJ
+colleagues	NOUN
+in	ADP
+this	DET
+business	NOUN
+transaction	NOUN
+include	VERB
+the	DET
+sitting	VERB
+vice-president	NOUN
+of	ADP
+the	DET
+United	PROPN
+States	PROPN
+of	ADP
+America	PROPN
+,	PUNCT
+Richard	PROPN
+Cheney	PROPN
+,	PUNCT
+who	PRON
+is	AUX
+an	DET
+original	ADJ
+partner	NOUN
+in	ADP
+the	DET
+Iraq	PROPN
+venture	NOUN
+and	CCONJ
+former	ADJ
+head	NOUN
+of	ADP
+the	DET
+Halliburton	PROPN
+oil	NOUN
+company	NOUN
+,	PUNCT
+and	CCONJ
+Condoleeza	PROPN
+Rice	PROPN
+,	PUNCT
+whose	PRON
+professional	ADJ
+dedication	NOUN
+to	ADP
+the	DET
+venture	NOUN
+was	AUX
+demonstrated	VERB
+in	ADP
+the	DET
+naming	NOUN
+of	ADP
+a	DET
+Chevron	PROPN
+oil	NOUN
+tanker	NOUN
+after	ADP
+her	PRON
+.	PUNCT
+
+I	PRON
+would	AUX
+beseech	VERB
+you	PRON
+to	PART
+transfer	VERB
+a	DET
+sum	NOUN
+equaling	VERB
+ten	NUM
+to	ADP
+twenty	NUM
+-	PUNCT
+five	NUM
+percent	NOUN
+(	PUNCT
+10	NUM
+-	SYM
+25	NUM
+%	SYM
+)	PUNCT
+of	ADP
+your	PRON
+yearly	ADJ
+income	NOUN
+to	ADP
+our	PRON
+account	NOUN
+to	PART
+aid	VERB
+in	ADP
+this	DET
+important	ADJ
+venture	NOUN
+.	PUNCT
+
+The	DET
+Internal	PROPN
+Revenue	PROPN
+Service	PROPN
+of	ADP
+the	DET
+United	PROPN
+States	PROPN
+of	ADP
+America	PROPN
+will	AUX
+function	VERB
+as	ADP
+our	PRON
+trusted	VERB
+intermediary	NOUN
+.	PUNCT
+
+I	PRON
+propose	VERB
+that	SCONJ
+you	PRON
+make	VERB
+this	DET
+transfer	NOUN
+before	ADP
+the	DET
+fifteenth	NOUN
+(	PUNCT
+15th	NOUN
+)	PUNCT
+of	ADP
+the	DET
+month	NOUN
+of	ADP
+April	PROPN
+.	PUNCT
+
+I	PRON
+know	VERB
+that	SCONJ
+a	DET
+transaction	NOUN
+of	ADP
+this	DET
+magnitude	NOUN
+would	AUX
+make	VERB
+anyone	PRON
+apprehensive	ADJ
+and	CCONJ
+worried	ADJ
+.	PUNCT
+
+But	CCONJ
+I	PRON
+am	AUX
+assuring	VERB
+you	PRON
+that	SCONJ
+all	DET
+will	AUX
+be	AUX
+well	ADJ
+at	ADP
+the	DET
+end	NOUN
+of	ADP
+the	DET
+day	NOUN
+.	PUNCT
+
+A	DET
+bold	ADJ
+step	NOUN
+taken	VERB
+shall	AUX
+not	PART
+be	AUX
+regretted	VERB
+,	PUNCT
+I	PRON
+assure	VERB
+you	PRON
+.	PUNCT
+
+Please	INTJ
+do	AUX
+be	AUX
+informed	VERB
+that	SCONJ
+this	DET
+business	NOUN
+transaction	NOUN
+is	AUX
+100	NUM
+%	SYM
+legal	ADJ
+.	PUNCT
+
+If	SCONJ
+you	PRON
+do	AUX
+not	PART
+wish	VERB
+to	PART
+co-operate	VERB
+in	ADP
+this	DET
+transaction	NOUN
+,	PUNCT
+please	INTJ
+contact	VERB
+our	PRON
+intermediary	ADJ
+representatives	NOUN
+to	PART
+further	ADV
+discuss	VERB
+the	DET
+matter	NOUN
+.	PUNCT
+
+I	PRON
+pray	VERB
+that	SCONJ
+you	PRON
+understand	VERB
+our	PRON
+plight	NOUN
+.	PUNCT
+
+My	PRON
+family	NOUN
+and	CCONJ
+our	PRON
+colleagues	NOUN
+will	AUX
+be	AUX
+forever	ADV
+grateful	ADJ
+.	PUNCT
+
+Please	INTJ
+reply	VERB
+in	ADP
+strict	ADJ
+confidence	NOUN
+to	ADP
+the	DET
+contact	NOUN
+numbers	NOUN
+below	ADV
+.	PUNCT
+
+Sincerely	ADV
+with	ADP
+warm	ADJ
+regards	NOUN
+,	PUNCT
+
+George	PROPN
+Walker	PROPN
+Bush	PROPN
+Switchboard	NOUN
+:	PUNCT
+202.456.1414	NUM
+Comments	NOUN
+:	PUNCT
+202.456.1111	NUM
+Fax	NOUN
+:	PUNCT
+202.456.2461	NUM
+e-mail	NOUN
+:	PUNCT
+presid...@whitehouse.gov	X
+
+US	PROPN
+battles	VERB
+to	PART
+save	VERB
+storm	NOUN
+victims	NOUN
+
+Watch	VERB
+the	DET
+airlift	NOUN
+
+Emergency	NOUN
+teams	NOUN
+in	ADP
+the	DET
+southern	ADJ
+US	PROPN
+are	AUX
+battling	VERB
+to	PART
+reach	VERB
+survivors	NOUN
+of	ADP
+Hurricane	PROPN
+Katrina	PROPN
+,	PUNCT
+the	DET
+most	ADV
+destructive	ADJ
+storm	NOUN
+to	PART
+hit	VERB
+the	DET
+country	NOUN
+in	ADP
+decades	NOUN
+.	PUNCT
+
+Hundreds	NOUN
+of	ADP
+people	NOUN
+are	AUX
+feared	VERB
+dead	ADJ
+in	ADP
+Mississippi	PROPN
+,	PUNCT
+and	CCONJ
+the	DET
+Louisiana	PROPN
+city	NOUN
+of	ADP
+New	PROPN
+Orleans	PROPN
+is	AUX
+badly	ADV
+flooded	VERB
+.	PUNCT
+
+The	DET
+city	NOUN
+mayor	NOUN
+said	VERB
+rescuers	NOUN
+were	AUX
+unable	ADJ
+to	PART
+retrieve	VERB
+the	DET
+dead	ADJ
+.	PUNCT
+
+"	PUNCT
+They	PRON
+'re	AUX
+just	ADV
+pushing	VERB
+them	PRON
+aside	ADV
+,	PUNCT
+"	PUNCT
+he	PRON
+said	VERB
+.	PUNCT
+
+Amid	ADP
+worsening	VERB
+conditions	NOUN
+,	PUNCT
+officials	NOUN
+plan	VERB
+to	PART
+evacuate	VERB
+a	DET
+New	PROPN
+Orleans	PROPN
+stadium	NOUN
+where	ADV
+up	ADP
+to	ADP
+20,000	NUM
+people	NOUN
+took	VERB
+shelter	NOUN
+.	PUNCT
+
+The	DET
+Superdome	PROPN
+stadium	NOUN
+is	AUX
+without	ADP
+power	NOUN
+,	PUNCT
+and	CCONJ
+toilets	NOUN
+are	AUX
+overflowing	VERB
+.	PUNCT
+
+Map	NOUN
+of	ADP
+central	ADJ
+New	PROPN
+Orleans	PROPN
+
+"	PUNCT
+It	PRON
+'s	AUX
+a	DET
+very	ADV
+,	PUNCT
+very	ADV
+desperate	ADJ
+situation	NOUN
+,	PUNCT
+"	PUNCT
+Louisiana	PROPN
+Governor	PROPN
+Kathleen	PROPN
+Blanco	PROPN
+said	VERB
+.	PUNCT
+
+[	PUNCT
+an	DET
+error	NOUN
+occurred	VERB
+while	SCONJ
+processing	VERB
+this	DET
+directive	NOUN
+]	PUNCT
+
+One	NUM
+resident	NOUN
+of	ADP
+New	PROPN
+Orleans	PROPN
+said	VERB
+escaping	VERB
+from	ADP
+the	DET
+storm	NOUN
+was	AUX
+"	PUNCT
+hell	NOUN
+"	PUNCT
+.	PUNCT
+
+"	PUNCT
+We	PRON
+were	AUX
+screaming	VERB
+,	PUNCT
+hollering	VERB
+,	PUNCT
+flashing	VERB
+lights	NOUN
+.	PUNCT
+
+It	PRON
+was	AUX
+complete	ADJ
+chaos	NOUN
+,	PUNCT
+"	PUNCT
+Kioka	PROPN
+Williams	PROPN
+told	VERB
+the	DET
+Associated	PROPN
+Press	PROPN
+news	NOUN
+agency	NOUN
+.	PUNCT
+
+She	PRON
+had	VERB
+to	PART
+hack	VERB
+her	PRON
+way	NOUN
+through	ADP
+the	DET
+ceiling	NOUN
+of	ADP
+her	PRON
+beauty	NOUN
+shop	NOUN
+as	SCONJ
+flood	NOUN
+waters	NOUN
+rose	VERB
+in	ADP
+the	DET
+city	NOUN
+of	ADP
+half	DET
+a	DET
+million	NUM
+people	NOUN
+-	PUNCT
+much	ADJ
+of	ADP
+which	PRON
+lies	VERB
+below	ADP
+sea	NOUN
+level	NOUN
+.	PUNCT
+
+Flooding	NOUN
+
+Walls	NOUN
+keeping	VERB
+water	NOUN
+out	ADP
+of	ADP
+the	DET
+bowl	NOUN
+-	PUNCT
+shaped	ADJ
+city	NOUN
+have	AUX
+been	AUX
+breached	VERB
+,	PUNCT
+and	CCONJ
+emergency	NOUN
+teams	NOUN
+are	AUX
+using	VERB
+helicopters	NOUN
+to	PART
+drop	VERB
+1,350	NUM
+kg	NOUN
+(	PUNCT
+3,000	NUM
+lb	NOUN
+)	PUNCT
+sandbags	NOUN
+and	CCONJ
+concrete	NOUN
+barriers	NOUN
+into	ADP
+the	DET
+gaps	NOUN
+.	PUNCT
+
+Before	SCONJ
+the	DET
+phones	NOUN
+went	VERB
+,	PUNCT
+I	PRON
+was	AUX
+told	VERB
+[	PUNCT
+my	PRON
+family	NOUN
+in	ADP
+Biloxi	PROPN
+]	PUNCT
+had	AUX
+lost	VERB
+their	PRON
+roof	NOUN
+,	PUNCT
+barn	NOUN
+,	PUNCT
+2	NUM
+oak	NOUN
+trees	NOUN
+and	CCONJ
+many	ADJ
+pines	NOUN
+and	CCONJ
+they	PRON
+were	AUX
+letting	VERB
+in	ADV
+water	NOUN
+
+Natalie	PROPN
+McVeigh	PROPN
+Oakley	PROPN
+,	PUNCT
+England	PROPN
+
+Your	PRON
+Katrina	PROPN
+experiences	NOUN
+
+Blogging	VERB
+Katrina	PROPN
+
+New	PROPN
+Orleans	PROPN
+mayor	NOUN
+Ray	PROPN
+Nagin	PROPN
+said	VERB
+up	ADP
+to	ADP
+80	NUM
+%	SYM
+of	ADP
+the	DET
+city	NOUN
+was	AUX
+submerged	VERB
+,	PUNCT
+in	ADP
+some	DET
+cases	NOUN
+by	ADP
+waters	NOUN
+6	NUM
+m	NOUN
+(	PUNCT
+20	NUM
+ft	NOUN
+)	PUNCT
+deep	ADJ
+.	PUNCT
+
+He	PRON
+warned	VERB
+water	NOUN
+levels	NOUN
+could	AUX
+still	ADV
+rise	VERB
+.	PUNCT
+
+"	PUNCT
+Some	DET
+sections	NOUN
+of	ADP
+the	DET
+city	NOUN
+which	PRON
+are	AUX
+dry	ADJ
+now	ADV
+could	AUX
+see	VERB
+nine	NUM
+or	CCONJ
+10	NUM
+feet	NOUN
+(	PUNCT
+some	DET
+3	NUM
+m	NOUN
+)	PUNCT
+of	ADP
+water	NOUN
+,	PUNCT
+"	PUNCT
+he	PRON
+said	VERB
+.	PUNCT
+
+The	DET
+US	PROPN
+Army	PROPN
+Corps	PROPN
+of	ADP
+Engineers	PROPN
+says	VERB
+it	PRON
+could	AUX
+take	VERB
+a	DET
+month	NOUN
+to	PART
+clear	VERB
+the	DET
+flood	NOUN
+waters	NOUN
+,	PUNCT
+and	CCONJ
+the	DET
+government	NOUN
+'s	PART
+disaster	NOUN
+relief	NOUN
+agency	NOUN
+has	AUX
+urged	VERB
+evacuees	NOUN
+not	ADV
+to	PART
+try	VERB
+to	PART
+get	VERB
+back	ADV
+to	ADP
+their	PRON
+homes	NOUN
+.	PUNCT
+
+The	DET
+BBC	PROPN
+'s	PART
+Alastair	PROPN
+Leithead	PROPN
+in	ADP
+New	PROPN
+Orleans	PROPN
+says	VERB
+there	PRON
+is	VERB
+panic	NOUN
+as	SCONJ
+vital	ADJ
+supplies	NOUN
+run	VERB
+out	ADP
+.	PUNCT
+
+Heavily	ADV
+armed	ADJ
+police	NOUN
+have	AUX
+been	AUX
+trying	VERB
+to	PART
+impose	VERB
+a	DET
+form	NOUN
+of	ADP
+martial	ADJ
+law	NOUN
+to	PART
+stem	VERB
+outbreaks	NOUN
+of	ADP
+looting	NOUN
+.	PUNCT
+
+While	SCONJ
+some	DET
+looters	NOUN
+are	AUX
+stealing	VERB
+non-essential	ADJ
+goods	NOUN
+,	PUNCT
+others	NOUN
+are	AUX
+simply	ADV
+trying	VERB
+to	PART
+find	VERB
+food	NOUN
+and	CCONJ
+water	NOUN
+.	PUNCT
+
+'	PUNCT
+Hundreds	NOUN
+dead	ADJ
+'	PUNCT
+
+The	DET
+situation	NOUN
+appears	VERB
+to	PART
+be	AUX
+even	ADV
+worse	ADJ
+in	ADP
+Mississippi	PROPN
+.	PUNCT
+
+"	PUNCT
+You	PRON
+'re	AUX
+going	VERB
+to	PART
+be	AUX
+looking	VERB
+at	ADP
+hundreds	NOUN
+dead	ADJ
+along	ADP
+the	DET
+coast	NOUN
+,	PUNCT
+"	PUNCT
+a	DET
+state	NOUN
+official	NOUN
+said	VERB
+.	PUNCT
+
+[	PUNCT
+an	DET
+error	NOUN
+occurred	VERB
+while	SCONJ
+processing	VERB
+this	DET
+directive	NOUN
+]	PUNCT
+
+Casinos	NOUN
+housed	VERB
+in	ADP
+barges	NOUN
+have	AUX
+been	AUX
+hurled	VERB
+onto	ADP
+the	DET
+beach	NOUN
+and	CCONJ
+beyond	ADV
+.	PUNCT
+
+Tens	NOUN
+of	ADP
+thousands	NOUN
+are	AUX
+homeless	ADJ
+,	PUNCT
+and	CCONJ
+officials	NOUN
+say	VERB
+it	PRON
+could	AUX
+be	AUX
+weeks	NOUN
+before	SCONJ
+power	NOUN
+is	AUX
+restored	VERB
+.	PUNCT
+
+"	PUNCT
+I	PRON
+can	AUX
+only	ADV
+imagine	VERB
+that	SCONJ
+this	PRON
+is	AUX
+what	PRON
+Hiroshima	PROPN
+looked	VERB
+like	ADP
+60	NUM
+years	NOUN
+ago	ADV
+,	PUNCT
+"	PUNCT
+said	VERB
+Mississippi	PROPN
+Governor	PROPN
+Haley	PROPN
+Barbour	PROPN
+after	SCONJ
+viewing	VERB
+the	DET
+destruction	NOUN
+from	ADP
+the	DET
+air	NOUN
+.	PUNCT
+
+Survivors	NOUN
+are	AUX
+being	AUX
+found	VERB
+all	DET
+the	DET
+time	NOUN
+,	PUNCT
+including	VERB
+two	NUM
+children	NOUN
+who	PRON
+lost	VERB
+their	PRON
+parents	NOUN
+.	PUNCT
+
+Harrison	PROPN
+County	PROPN
+in	ADP
+Mississippi	PROPN
+bore	VERB
+the	DET
+brunt	NOUN
+of	ADP
+Hurricane	PROPN
+Katrina	PROPN
+as	SCONJ
+it	PRON
+slammed	VERB
+into	ADP
+Biloxi	PROPN
+and	CCONJ
+Gulfport	PROPN
+before	SCONJ
+heading	VERB
+inland	ADV
+.	PUNCT
+
+Mississippi	PROPN
+media	NOUN
+earlier	ADV
+reported	VERB
+54	NUM
+people	NOUN
+killed	VERB
+in	ADP
+the	DET
+state	NOUN
+.	PUNCT
+
+In	ADP
+Biloxi	PROPN
+,	PUNCT
+30	NUM
+people	NOUN
+were	AUX
+reported	VERB
+dead	ADJ
+in	ADP
+one	NUM
+block	NOUN
+of	ADP
+flats	NOUN
+which	PRON
+was	AUX
+hit	VERB
+by	ADP
+a	DET
+9	NUM
+m	NOUN
+(	PUNCT
+30	NUM
+ft	NOUN
+)	PUNCT
+"	PUNCT
+storm	NOUN
+surge	NOUN
+"	PUNCT
+.	PUNCT
+
+The	DET
+town	NOUN
+'s	PART
+death	NOUN
+toll	NOUN
+may	AUX
+be	AUX
+"	PUNCT
+in	ADP
+the	DET
+hundreds	NOUN
+"	PUNCT
+,	PUNCT
+municipal	ADJ
+spokesman	NOUN
+Vincent	PROPN
+Creel	PROPN
+said	VERB
+.	PUNCT
+
+Mobilising	NOUN
+
+Louisiana	PROPN
+'s	PART
+Governor	PROPN
+Blanco	PROPN
+urged	VERB
+residents	NOUN
+to	PART
+spend	VERB
+Wednesday	PROPN
+in	ADP
+prayer	NOUN
+and	CCONJ
+assured	VERB
+them	PRON
+the	DET
+crisis	NOUN
+would	AUX
+eventually	ADV
+be	AUX
+overcome	VERB
+.	PUNCT
+
+Follow	VERB
+Katrina	PROPN
+'s	PART
+path	NOUN
+
+The	DET
+US	PROPN
+Red	PROPN
+Cross	PROPN
+has	AUX
+mobilised	VERB
+thousands	NOUN
+of	ADP
+volunteers	NOUN
+for	ADP
+its	PRON
+biggest	ADJ
+-	PUNCT
+ever	ADV
+natural	ADJ
+disaster	NOUN
+effort	NOUN
+and	CCONJ
+federal	ADJ
+emergency	NOUN
+teams	NOUN
+are	AUX
+being	AUX
+dispatched	VERB
+to	ADP
+affected	VERB
+areas	NOUN
+.	PUNCT
+
+President	PROPN
+George	PROPN
+W	PROPN
+Bush	PROPN
+,	PUNCT
+who	PRON
+has	AUX
+cut	VERB
+his	PRON
+holiday	NOUN
+two	NUM
+days	NOUN
+short	ADJ
+,	PUNCT
+has	AUX
+called	VERB
+on	ADP
+Americans	PROPN
+to	PART
+donate	VERB
+to	ADP
+the	DET
+Red	PROPN
+Cross	PROPN
+or	CCONJ
+other	ADJ
+organisations	NOUN
+.	PUNCT
+
+Damage	NOUN
+estimates	NOUN
+of	ADP
+more	ADJ
+than	ADP
+$	SYM
+25	NUM
+bn	NUM
+suggest	VERB
+it	PRON
+could	AUX
+be	AUX
+the	DET
+US	PROPN
+insurance	NOUN
+industry	NOUN
+'s	PART
+most	ADV
+expensive	ADJ
+natural	ADJ
+disaster	NOUN
+ever	ADV
+.	PUNCT
+
+The	DET
+price	NOUN
+of	ADP
+crude	ADJ
+oil	NOUN
+on	ADP
+the	DET
+international	ADJ
+market	NOUN
+hit	VERB
+a	DET
+record	ADJ
+$	SYM
+70.85	NUM
+a	DET
+barrel	NOUN
+due	ADP
+to	ADP
+the	DET
+vulnerability	NOUN
+of	ADP
+oil	NOUN
+and	CCONJ
+gas	NOUN
+fields	NOUN
+in	ADP
+the	DET
+Gulf	PROPN
+of	ADP
+Mexico	PROPN
+.	PUNCT
+
+The	DET
+US	PROPN
+energy	NOUN
+secretary	NOUN
+has	AUX
+announced	VERB
+that	SCONJ
+oil	NOUN
+will	AUX
+be	AUX
+released	VERB
+from	ADP
+government	NOUN
+petroleum	NOUN
+reserves	NOUN
+.	PUNCT
+
+Return	VERB
+to	ADP
+the	DET
+top	NOUN
+
+MOON	NOUN
+LANDING	NOUN
+HOAX	NOUN
+:	PUNCT
+CHURCH	NOUN
+=	PUNCT
+TECHNOLOGY	NOUN
+&	CCONJ
+GOVERNMENT	NOUN
+-	PUNCT
+Shuttle	NOUN
+Carried	VERB
+on	ADP
+Aircraft	NOUN
+model	NOUN
+
+Q	NOUN
+:	PUNCT
+NASA	PROPN
+IS	AUX
+A	DET
+WASTE	NOUN
+!	PUNCT
+
+(	PUNCT
+Answered	VERB
+,	PUNCT
+2	NUM
+Comments	NOUN
+)	PUNCT
+
+Question	NOUN
+
+Subject	NOUN
+:	PUNCT
+NASA	PROPN
+IS	AUX
+A	DET
+WASTE	NOUN
+!	PUNCT
+
+Category	NOUN
+:	PUNCT
+Science	NOUN
+>	PUNCT
+Astronomy	NOUN
+
+Asked	VERB
+by	ADP
+:	PUNCT
+yheggy	PROPN
+-	PUNCT
+ga	PROPN
+
+List	NOUN
+Price	NOUN
+:	PUNCT
+$	SYM
+2.00	NUM
+
+Posted	VERB
+:	PUNCT
+25	NUM
+Oct	PROPN
+2004	NUM
+18:32	NUM
+PDT	NOUN
+
+Expires	VERB
+:	PUNCT
+24	NUM
+Nov	PROPN
+2004	NUM
+17:32	NUM
+PST	NOUN
+
+Question	NOUN
+ID	NOUN
+:	PUNCT
+420072	NUM
+
+How	ADV
+much	ADJ
+money	NOUN
+does	AUX
+the	DET
+USA	PROPN
+give	VERB
+NASA	PROPN
+per	ADP
+year	NOUN
+?	PUNCT
+
+Answer	NOUN
+
+Subject	NOUN
+:	PUNCT
+Re	ADP
+:	PUNCT
+NASA	PROPN
+IS	AUX
+A	DET
+WASTE	NOUN
+!	PUNCT
+
+Answered	VERB
+By	ADP
+:	PUNCT
+googlenut	PROPN
+-	PUNCT
+ga	PROPN
+on	ADP
+25	NUM
+Oct	PROPN
+2004	NUM
+19:14	NUM
+PDT	NOUN
+
+Hello	INTJ
+yheggy	PROPN
+-	PUNCT
+ga	PROPN
+,	PUNCT
+
+On	ADP
+September	PROPN
+21	NUM
+,	PUNCT
+2004	NUM
+,	PUNCT
+the	DET
+U.S.	PROPN
+Senate	PROPN
+Appropriations	PROPN
+Committee	PROPN
+approved	VERB
+$	SYM
+16.379	NUM
+billion	NUM
+in	ADP
+funding	NOUN
+for	ADP
+NASA	PROPN
+for	ADP
+fiscal	ADJ
+year	NOUN
+2005	NUM
+.	PUNCT
+
+This	PRON
+is	AUX
+a	DET
+$	SYM
+200	NUM
+million	NUM
+increase	NOUN
+over	SCONJ
+what	PRON
+NASA	PROPN
+received	VERB
+for	ADP
+fiscal	ADJ
+year	NOUN
+2004	NUM
+.	PUNCT
+
+U.S.	PROPN
+Senate	PROPN
+Committee	PROPN
+on	ADP
+Appropriations	PROPN
+
+Press	NOUN
+Release	NOUN
+
+September	PROPN
+21	NUM
+,	PUNCT
+2004	NUM
+
+"	PUNCT
+National	PROPN
+Aeronautics	PROPN
+and	CCONJ
+Space	PROPN
+Administration	PROPN
+(	PUNCT
+NASA	PROPN
+)	PUNCT
+:	PUNCT
+is	AUX
+funded	VERB
+at	ADP
+$	SYM
+16.379	NUM
+billion	NUM
+,	PUNCT
+an	DET
+increase	NOUN
+of	ADP
+$	SYM
+200	NUM
+million	NUM
+over	ADP
+the	DET
+FY04	NOUN
+enacted	VERB
+level	NOUN
+,	PUNCT
+and	CCONJ
+a	DET
+reduction	NOUN
+of	ADP
+$	SYM
+665	NUM
+million	NUM
+from	ADP
+the	DET
+budget	NOUN
+request	NOUN
+.	PUNCT
+
+An	DET
+additional	ADJ
+$	SYM
+800	NUM
+million	NUM
+in	ADP
+emergency	NOUN
+funding	NOUN
+was	AUX
+added	VERB
+for	ADP
+NASA	PROPN
+during	ADP
+the	DET
+Committee	NOUN
+'s	PART
+consideration	NOUN
+of	ADP
+the	DET
+bill	NOUN
+.	PUNCT
+
+--	PUNCT
+The	DET
+return	NOUN
+to	ADP
+flight	NOUN
+activities	NOUN
+for	ADP
+the	DET
+Shuttle	NOUN
+program	NOUN
+are	AUX
+funded	VERB
+at	ADP
+$	SYM
+4.319	NUM
+billion	NUM
+,	PUNCT
+the	DET
+requested	VERB
+level	NOUN
+from	ADP
+the	DET
+Administration	NOUN
+.	PUNCT
+
+--	PUNCT
+The	DET
+International	PROPN
+Space	PROPN
+Station	PROPN
+is	AUX
+funded	VERB
+at	ADP
+$	SYM
+1.6	NUM
+billion	NUM
+.	PUNCT
+
+The	DET
+bill	NOUN
+reduces	VERB
+ISS	PROPN
+operations	NOUN
+by	ADP
+$	SYM
+120	NUM
+million	NUM
+due	ADP
+to	ADP
+the	DET
+continued	VERB
+reduced	VERB
+capability	NOUN
+of	ADP
+the	DET
+ISS	PROPN
+for	ADP
+at	ADV
+least	ADV
+half	NOUN
+of	ADP
+FY05	NOUN
+.	PUNCT
+
+--	PUNCT
+The	DET
+Moon	PROPN
+/	PUNCT
+Mars	PROPN
+vision	NOUN
+:	PUNCT
+
+---	PUNCT
+The	DET
+Crew	PROPN
+Exploration	PROPN
+Vehicle	PROPN
+(	PUNCT
+CEV	PROPN
+)	PUNCT
+is	AUX
+funded	VERB
+at	ADP
+$	SYM
+268	NUM
+million	NUM
+.	PUNCT
+
+---	PUNCT
+A	DET
+lunar	ADJ
+exploration	NOUN
+mission	NOUN
+is	AUX
+funded	VERB
+at	ADP
+$	SYM
+20	NUM
+million	NUM
+.	PUNCT
+
+---	PUNCT
+$	SYM
+10	NUM
+million	NUM
+is	AUX
+provided	VERB
+for	ADP
+Centennial	PROPN
+Challenges	PROPN
+.	PUNCT
+
+Neighborhood	PROPN
+Reinvestment	PROPN
+Corporation	PROPN
+(	PUNCT
+NRC	PROPN
+)	PUNCT
+:	PUNCT
+is	AUX
+funded	VERB
+at	ADP
+$	SYM
+115	NUM
+million	NUM
+,	PUNCT
+the	DET
+same	ADJ
+as	ADP
+FY04	NOUN
+and	CCONJ
+the	DET
+budget	NOUN
+request	NOUN
+.	PUNCT
+"	PUNCT
+
+Spacetoday.net	X
+
+Senate	PROPN
+increases	VERB
+NASA	PROPN
+funding	VERB
+
+"	PUNCT
+The	DET
+Senate	PROPN
+Appropriations	PROPN
+Committee	PROPN
+used	VERB
+a	DET
+somewhat	ADV
+controversial	ADJ
+technique	NOUN
+Tuesday	PROPN
+to	PART
+increase	VERB
+NASA	PROPN
+'s	PART
+fiscal	ADJ
+year	NOUN
+2005	NUM
+budget	NOUN
+by	ADP
+$	SYM
+200	NUM
+million	NUM
+over	SCONJ
+what	PRON
+President	PROPN
+Bush	PROPN
+requested	VERB
+.	PUNCT
+
+The	DET
+committee	NOUN
+voted	VERB
+to	PART
+give	VERB
+NASA	PROPN
+$	SYM
+16.4	NUM
+billion	NUM
+in	ADP
+2005	NUM
+,	PUNCT
+about	ADV
+$	SYM
+200	NUM
+million	NUM
+more	ADJ
+than	ADP
+what	PRON
+the	DET
+President	PROPN
+requested	VERB
+and	CCONJ
+over	ADV
+$	SYM
+1	NUM
+billion	NUM
+more	ADJ
+than	ADP
+what	PRON
+House	PROPN
+appropriators	NOUN
+approved	VERB
+in	ADP
+July	PROPN
+.	PUNCT
+"	PUNCT
+
+I	PRON
+hope	VERB
+you	PRON
+have	AUX
+found	VERB
+this	DET
+information	NOUN
+helpful	ADJ
+.	PUNCT
+
+If	SCONJ
+you	PRON
+have	VERB
+any	DET
+questions	NOUN
+,	PUNCT
+please	INTJ
+request	VERB
+clarification	NOUN
+prior	ADJ
+to	SCONJ
+rating	VERB
+the	DET
+answer	NOUN
+.	PUNCT
+
+Googlenut	PROPN
+
+Google	PROPN
+Search	NOUN
+Terms	NOUN
+:	PUNCT
+
+nasa	PROPN
+funding	NOUN
+
+Comments	NOUN
+Log	VERB
+in	ADP
+to	PART
+add	VERB
+a	DET
+comment	NOUN
+
+Subject	NOUN
+:	PUNCT
+Re	ADP
+:	PUNCT
+NASA	PROPN
+IS	AUX
+A	DET
+WASTE	NOUN
+!	PUNCT
+
+From	ADP
+:	PUNCT
+saem_aero	PROPN
+-	PUNCT
+ga	PROPN
+on	ADP
+26	NUM
+Oct	PROPN
+2004	NUM
+18:11	NUM
+PDT	NOUN
+
+Excellent	ADJ
+answer	NOUN
+googlenut	PROPN
+.	PUNCT
+
+Let	VERB
+me	PRON
+add	VERB
+some	DET
+additional	ADJ
+info	NOUN
+.	PUNCT
+
+You	PRON
+can	AUX
+get	VERB
+details	NOUN
+about	ADP
+NASA	PROPN
+spending	NOUN
+here	ADV
+,	PUNCT
+from	ADP
+their	PRON
+own	ADJ
+webpage	NOUN
+.	PUNCT
+
+Also	ADV
+,	PUNCT
+from	ADP
+their	PRON
+own	ADJ
+webpage	NOUN
+,	PUNCT
+reasons	NOUN
+why	ADV
+NASA	PROPN
+is	AUX
+important	ADJ
+,	PUNCT
+in	ADP
+a	DET
+5th	ADJ
+grade	NOUN
+format	NOUN
+.	PUNCT
+
+I	PRON
+guess	VERB
+if	SCONJ
+you	PRON
+are	AUX
+someone	PRON
+not	ADV
+familiar	ADJ
+with	SCONJ
+how	ADV
+NASA	PROPN
+benefits	VERB
+our	PRON
+society	NOUN
+I	PRON
+can	AUX
+see	VERB
+how	ADV
+one	NUM
+might	AUX
+form	VERB
+the	DET
+opinion	NOUN
+of	ADP
+yheggy	PROPN
+-	PUNCT
+ga	PROPN
+.	PUNCT
+
+Let	VERB
+me	PRON
+put	VERB
+it	PRON
+this	DET
+way	NOUN
+-	PUNCT
+If	SCONJ
+you	PRON
+have	AUX
+watched	VERB
+TV	PROPN
+recently	ADV
+,	PUNCT
+crossed	VERB
+a	DET
+modern	ADJ
+bridge	NOUN
+,	PUNCT
+flown	VERB
+in	ADP
+an	DET
+airplane	NOUN
+,	PUNCT
+recieved	VERB
+any	DET
+form	NOUN
+of	ADP
+modern	ADJ
+medicine	NOUN
+,	PUNCT
+did	VERB
+any	DET
+mathematics	NOUN
+,	PUNCT
+drove	VERB
+a	DET
+car	NOUN
+,	PUNCT
+used	VERB
+a	DET
+cellular	ADJ
+phone	NOUN
+,	PUNCT
+etc.	X
+then	ADV
+you	PRON
+have	AUX
+somehow	ADV
+directly	ADV
+reaped	VERB
+the	DET
+rewards	NOUN
+which	PRON
+NASA	PROPN
+has	AUX
+returned	VERB
+to	ADP
+us	PRON
+.	PUNCT
+
+Also	ADV
+NASA	PROPN
+has	VERB
+a	DET
+large	ADJ
+outreach	NOUN
+program	NOUN
+for	ADP
+education	NOUN
+,	PUNCT
+some	DET
+people	NOUN
+believe	VERB
+this	PRON
+is	AUX
+important	ADJ
+.	PUNCT
+
+Best	ADJ
+,	PUNCT
+Steve	PROPN
+.	PUNCT
+
+Subject	NOUN
+:	PUNCT
+Re	ADP
+:	PUNCT
+NASA	PROPN
+IS	AUX
+A	DET
+WASTE	NOUN
+!	PUNCT
+From	ADP
+:	PUNCT
+jaqamofino	PROPN
+-	PUNCT
+ga	PROPN
+on	ADP
+26	NUM
+Apr	PROPN
+2005	NUM
+06:02	NUM
+PDT	NOUN
+
+i	PRON
+believe	VERB
+that	SCONJ
+NASA	PROPN
+is	AUX
+a	DET
+HUGE	ADJ
+waste	NOUN
+of	ADP
+tax	NOUN
+payers	NOUN
+'	PART
+money	NOUN
+,	PUNCT
+but	CCONJ
+there	PRON
+are	VERB
+so	ADV
+many	ADJ
+huge	ADJ
+wastes	NOUN
+of	ADP
+tax	NOUN
+payer	NOUN
+monies	NOUN
+,	PUNCT
+that	SCONJ
+i	PRON
+find	VERB
+it	PRON
+best	ADJ
+not	ADV
+to	PART
+think	VERB
+about	ADP
+it	PRON
+.	PUNCT
+
+i	PRON
+also	ADV
+think	VERB
+the	DET
+National	PROPN
+Endowment	PROPN
+for	ADP
+the	DET
+Arts	PROPN
+is	AUX
+a	DET
+waste	NOUN
+,	PUNCT
+but	CCONJ
+i	PRON
+guess	VERB
+i	PRON
+would	AUX
+rather	ADV
+see	VERB
+my	PRON
+money	NOUN
+go	VERB
+to	ADP
+the	DET
+NEA	PROPN
+than	ADP
+NASA	PROPN
+.	PUNCT
+
+of	ADV
+course	ADV
+,	PUNCT
+in	ADP
+a	DET
+perfect	ADJ
+world	NOUN
+,	PUNCT
+tax	NOUN
+payers	NOUN
+'	PART
+money	NOUN
+would	AUX
+go	VERB
+toward	ADP
+some	DET
+sort	NOUN
+of	ADP
+national	ADJ
+healthcare	NOUN
+program	NOUN
+,	PUNCT
+and	CCONJ
+housing	NOUN
+for	ADP
+the	DET
+homeless	ADJ
+,	PUNCT
+but	CCONJ
+this	PRON
+is	AUX
+far	ADJ
+from	ADP
+a	DET
+perfect	ADJ
+world	NOUN
+.	PUNCT
+
+in	ADP
+response	NOUN
+to	ADP
+Steve	PROPN
+'s	PART
+comment	NOUN
+:	PUNCT
+do	AUX
+you	PRON
+really	ADV
+believe	VERB
+that	SCONJ
+spending	VERB
+trillions	NOUN
+on	ADP
+space	NOUN
+exploration	NOUN
+over	ADP
+the	DET
+years	NOUN
+was	AUX
+the	DET
+ONLY	ADJ
+way	NOUN
+to	PART
+invent	VERB
+the	DET
+cellfone	NOUN
+?	PUNCT
+
+and	CCONJ
+bridges	NOUN
+???	PUNCT
+
+i	PRON
+find	VERB
+that	PRON
+extremely	ADV
+hard	ADJ
+to	PART
+believe	VERB
+.	PUNCT
+
+i	PRON
+think	VERB
+it	PRON
+could	AUX
+have	AUX
+been	AUX
+done	VERB
+in	ADP
+a	DET
+much	ADV
+more	ADV
+cost	NOUN
+efficient	ADJ
+way	NOUN
+,	PUNCT
+right	ADV
+here	ADV
+on	ADP
+bad	ADJ
+-	PUNCT
+old	ADJ
+-	PUNCT
+planet	NOUN
+-	PUNCT
+earth	PROPN
+.	PUNCT
+
+just	ADV
+my	PRON
+two	NUM
+cents	NOUN
+.	PUNCT
+
+thanks	NOUN
+for	SCONJ
+listening	VERB
+.	PUNCT
+
+Please	INTJ
+take	VERB
+a	DET
+moment	NOUN
+to	PART
+read	VERB
+this	PRON
+.	PUNCT
+
+I	PRON
+realize	VERB
+that	SCONJ
+it	PRON
+may	AUX
+sound	VERB
+strange	ADJ
+,	PUNCT
+but	CCONJ
+we	PRON
+are	AUX
+desparate	ADJ
+in	ADP
+our	PRON
+efforts	NOUN
+and	CCONJ
+are	AUX
+willing	ADJ
+to	PART
+try	VERB
+anything	PRON
+to	PART
+help	VERB
+our	PRON
+dear	ADJ
+sick	ADJ
+friend	NOUN
+.	PUNCT
+
+This	PRON
+costs	VERB
+absolutely	ADV
+nothing	PRON
+,	PUNCT
+and	CCONJ
+will	AUX
+take	VERB
+about	ADV
+one	NUM
+minute	NOUN
+of	ADP
+your	PRON
+time	NOUN
+.	PUNCT
+
+This	PRON
+is	AUX
+not	PART
+a	DET
+hoax	NOUN
+,	PUNCT
+as	SCONJ
+so	ADV
+many	ADJ
+of	ADP
+these	DET
+emails	NOUN
+actully	ADV
+are	AUX
+.	PUNCT
+
+In	ADP
+quick	ADJ
+summary	NOUN
+,	PUNCT
+Beyond	PROPN
+Control	PROPN
+,	PUNCT
+a	DET
+local	ADJ
+band	NOUN
+in	ADP
+our	PRON
+area	NOUN
+,	PUNCT
+is	AUX
+sponoring	VERB
+a	DET
+benefit	NOUN
+for	ADP
+a	DET
+cancer	NOUN
+victim	NOUN
+whose	PRON
+benefits	NOUN
+have	AUX
+run	VERB
+out	ADP
+.	PUNCT
+
+That	DET
+band	NOUN
+is	AUX
+involved	ADJ
+in	ADP
+a	DET
+local	ADJ
+competition	NOUN
+which	PRON
+promises	VERB
+a	DET
+$	SYM
+5000	NUM
+first	ADJ
+prize	NOUN
+,	PUNCT
+which	PRON
+they	PRON
+would	AUX
+like	VERB
+to	PART
+win	VERB
+in	ADP
+order	NOUN
+to	PART
+donate	VERB
+it	PRON
+to	ADP
+the	DET
+benefit	NOUN
+fund	NOUN
+which	PRON
+they	PRON
+have	AUX
+started	VERB
+.	PUNCT
+
+Below	ADV
+are	AUX
+some	DET
+emails	NOUN
+to	ADP
+friends	NOUN
+explaining	VERB
+a	DET
+little	ADJ
+more	ADJ
+about	ADP
+this	DET
+effort	NOUN
+.	PUNCT
+
+What	PRON
+we	PRON
+are	AUX
+trying	VERB
+to	PART
+do	VERB
+is	VERB
+solicit	VERB
+votes	NOUN
+for	ADP
+the	DET
+band	NOUN
+,	PUNCT
+in	ADP
+order	NOUN
+to	PART
+put	VERB
+them	PRON
+in	ADP
+first	ADJ
+place	NOUN
+.	PUNCT
+
+They	PRON
+are	AUX
+currently	ADV
+in	ADP
+third	ADJ
+place	NOUN
+,	PUNCT
+and	CCONJ
+need	VERB
+your	PRON
+help	NOUN
+so	SCONJ
+that	SCONJ
+the	DET
+prize	NOUN
+money	NOUN
+can	AUX
+be	AUX
+used	VERB
+for	ADP
+a	DET
+humanatarian	ADJ
+cause	NOUN
+.	PUNCT
+
+You	PRON
+can	AUX
+vote	VERB
+at	ADP
+the	DET
+following	VERB
+link	NOUN
+,	PUNCT
+it	PRON
+will	AUX
+only	ADV
+take	VERB
+a	DET
+few	ADJ
+seconds	NOUN
+.	PUNCT
+
+Please	INTJ
+take	VERB
+a	DET
+moment	NOUN
+to	PART
+click	VERB
+on	ADP
+the	DET
+link	NOUN
+below	ADV
+and	CCONJ
+cast	VERB
+your	PRON
+vote	NOUN
+for	ADP
+Beyond	PROPN
+Control	PROPN
+.	PUNCT
+
+Thank	VERB
+you	PRON
+in	ADP
+advance	NOUN
+for	ADP
+your	PRON
+contribution	NOUN
+to	ADP
+this	DET
+effort	NOUN
+.	PUNCT
+
+Also	ADV
+,	PUNCT
+please	INTJ
+pass	VERB
+this	PRON
+along	ADV
+to	ADP
+everyone	PRON
+you	PRON
+know	VERB
+,	PUNCT
+and	CCONJ
+all	DET
+of	ADP
+your	PRON
+email	NOUN
+contacts	NOUN
+.	PUNCT
+
+We	PRON
+need	VERB
+the	DET
+power	NOUN
+of	ADP
+the	DET
+internet	NOUN
+to	PART
+pull	VERB
+this	PRON
+off	ADP
+.	PUNCT
+
+The	DET
+web	NOUN
+site	NOUN
+is	VERB
+
+You	PRON
+can	AUX
+check	VERB
+the	DET
+validity	NOUN
+of	ADP
+all	DET
+of	ADP
+this	PRON
+at	ADP
+the	DET
+Beyond	PROPN
+Control	PROPN
+website	NOUN
+.	PUNCT
+
+That	DET
+address	NOUN
+is	VERB
+.	PUNCT
+
+The	DET
+home	NOUN
+page	NOUN
+for	ADP
+Rockin	PROPN
+on	ADP
+the	DET
+River	PROPN
+is	VERB
+,	PUNCT
+and	CCONJ
+it	PRON
+lists	VERB
+all	DET
+the	DET
+acts	NOUN
+scheduled	VERB
+for	ADP
+the	DET
+season	NOUN
+.	PUNCT
+
+You	PRON
+can	AUX
+check	VERB
+that	PRON
+out	ADP
+as	ADV
+well	ADV
+,	PUNCT
+to	PART
+confirm	VERB
+that	SCONJ
+this	PRON
+is	AUX
+all	ADV
+real	ADJ
+,	PUNCT
+and	CCONJ
+for	ADP
+a	DET
+worthy	ADJ
+cause	NOUN
+.	PUNCT
+
+Abby	PROPN
+is	AUX
+our	PRON
+beloved	ADJ
+friend	NOUN
+,	PUNCT
+and	CCONJ
+we	PRON
+are	AUX
+trying	VERB
+to	PART
+raise	VERB
+money	NOUN
+for	ADP
+her	PRON
+any	DET
+way	NOUN
+we	PRON
+can	AUX
+,	PUNCT
+so	ADV
+this	DET
+prize	NOUN
+money	NOUN
+is	AUX
+important	ADJ
+to	PART
+help	VERB
+her	PRON
+continue	VERB
+to	PART
+receive	VERB
+her	PRON
+life	NOUN
+-	PUNCT
+saving	VERB
+treatments	NOUN
+.	PUNCT
+
+Many	ADJ
+thanks	NOUN
+,	PUNCT
+and	CCONJ
+may	AUX
+God	PROPN
+bless	VERB
+you	PRON
+all	DET
+and	CCONJ
+keep	VERB
+you	PRON
+healthy	ADJ
+.	PUNCT
+
+Here	ADV
+are	AUX
+some	DET
+emails	NOUN
+we	PRON
+have	AUX
+sent	VERB
+,	PUNCT
+along	ADP
+with	ADP
+the	DET
+flyer	NOUN
+for	ADP
+the	DET
+Benefit	NOUN
+fund	NOUN
+raiser	NOUN
+we	PRON
+are	AUX
+holding	VERB
+in	ADP
+June	PROPN
+,	PUNCT
+just	ADV
+for	ADP
+your	PRON
+information	NOUN
+.	PUNCT
+
+Roy	PROPN
+,	PUNCT
+
+I	PRON
+am	AUX
+sending	VERB
+you	PRON
+some	DET
+info	NOUN
+that	PRON
+I	PRON
+have	AUX
+passed	VERB
+along	ADV
+regarding	VERB
+the	DET
+effort	NOUN
+to	PART
+win	VERB
+the	DET
+cash	NOUN
+for	ADP
+the	DET
+fund	NOUN
+raising	NOUN
+benefit	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+can	AUX
+pass	VERB
+this	DET
+info	NOUN
+along	ADV
+,	PUNCT
+and	CCONJ
+ask	VERB
+everyone	PRON
+you	PRON
+know	VERB
+to	PART
+forward	VERB
+it	PRON
+to	ADP
+their	PRON
+contacts	NOUN
+,	PUNCT
+etc	X
+,	PUNCT
+we	PRON
+may	AUX
+have	VERB
+a	DET
+shot	NOUN
+at	SCONJ
+pulling	VERB
+this	PRON
+off	ADP
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+Fred	PROPN
+
+John	PROPN
+,	PUNCT
+
+I	PRON
+will	AUX
+attach	VERB
+the	DET
+letter	NOUN
+explaining	VERB
+the	DET
+benefit	NOUN
+we	PRON
+are	AUX
+sponsoring	VERB
+.	PUNCT
+
+There	PRON
+is	VERB
+a	DET
+link	NOUN
+to	ADP
+the	DET
+contest	NOUN
+page	NOUN
+.	PUNCT
+
+Any	DET
+help	NOUN
+in	SCONJ
+distributing	VERB
+this	PRON
+will	AUX
+be	AUX
+greatly	ADV
+appreciated	VERB
+.	PUNCT
+
+It	PRON
+is	AUX
+certainly	ADV
+for	ADP
+a	DET
+good	ADJ
+cause	NOUN
+.	PUNCT
+
+Abby	PROPN
+needs	VERB
+to	PART
+fly	VERB
+to	ADP
+New	PROPN
+York	PROPN
+twice	ADV
+a	DET
+month	NOUN
+for	ADP
+these	DET
+treatments	NOUN
+,	PUNCT
+and	CCONJ
+her	PRON
+time	NOUN
+on	ADP
+the	DET
+Federal	ADJ
+Grant	NOUN
+program	NOUN
+has	AUX
+expired	VERB
+.	PUNCT
+
+She	PRON
+does	AUX
+n't	PART
+have	VERB
+the	DET
+funds	NOUN
+to	PART
+continue	VERB
+without	ADP
+the	DET
+grant	NOUN
+,	PUNCT
+and	CCONJ
+without	ADP
+these	DET
+treatments	NOUN
+,	PUNCT
+her	PRON
+prognosis	NOUN
+is	AUX
+grim	ADJ
+.	PUNCT
+
+I	PRON
+hope	VERB
+you	PRON
+have	VERB
+a	DET
+huge	ADJ
+network	NOUN
+.	PUNCT
+
+Also	ADV
+encourage	VERB
+your	PRON
+recipients	NOUN
+to	PART
+forward	VERB
+this	PRON
+along	ADV
+to	ADP
+their	PRON
+contacts	NOUN
+,	PUNCT
+and	CCONJ
+so	ADV
+on	ADV
+,	PUNCT
+so	SCONJ
+that	SCONJ
+the	DET
+movement	NOUN
+to	PART
+help	VERB
+her	PRON
+grows	VERB
+exponentially	ADV
+.	PUNCT
+
+We	PRON
+must	AUX
+finish	VERB
+in	ADP
+first	ADJ
+place	NOUN
+in	ADP
+order	NOUN
+to	PART
+contribute	VERB
+the	DET
+$	SYM
+5000	NUM
+to	ADP
+the	DET
+benefit	NOUN
+fund	NOUN
+.	PUNCT
+
+Thank	VERB
+you	PRON
+so	ADV
+much	ADV
+for	SCONJ
+caring	VERB
+enough	ADV
+to	PART
+offer	VERB
+your	PRON
+help	NOUN
+.	PUNCT
+
+Fred	PROPN
+
+BENEFIT	NOUN
+AUCTION	NOUN
+&	CCONJ
+RAFFLE	NOUN
+FOR	ADP
+ABBY	PROPN
+FREEMAN	PROPN
+
+WHEN	ADV
+:	PUNCT
+JUNE	PROPN
+12	NUM
+,	PUNCT
+2005	NUM
+,	PUNCT
+2:00	NUM
+P.M.	NOUN
+TO	ADP
+2:00	NUM
+A.M.	NOUN
+
+WHERE	ADV
+:	PUNCT
+MAIN	PROPN
+STREET	PROPN
+SALOON	PROPN
+
+ADMISSION	NOUN
+:	PUNCT
+DONATIONS	NOUN
+AT	ADP
+THE	DET
+DOOR	NOUN
+
+Abby	PROPN
+Freeman	PROPN
+is	AUX
+our	PRON
+good	ADJ
+friend	NOUN
+who	PRON
+has	VERB
+non-Hodgkin	ADJ
+lymphoma	NOUN
+,	PUNCT
+and	CCONJ
+she	PRON
+needs	VERB
+your	PRON
+help	NOUN
+!	PUNCT
+
+Her	PRON
+grant	NOUN
+for	ADP
+the	DET
+life	NOUN
+saving	VERB
+treatments	NOUN
+she	PRON
+needs	VERB
+has	AUX
+run	VERB
+out	ADP
+,	PUNCT
+and	CCONJ
+we	PRON
+need	VERB
+to	PART
+help	VERB
+her	PRON
+to	PART
+continue	VERB
+to	PART
+receive	VERB
+these	DET
+treatments	NOUN
+.	PUNCT
+
+Abby	PROPN
+has	VERB
+three	NUM
+wonderful	ADJ
+young	ADJ
+children	NOUN
+,	PUNCT
+and	CCONJ
+friends	NOUN
+who	PRON
+love	VERB
+her	PRON
+and	CCONJ
+need	VERB
+her	PRON
+.	PUNCT
+
+Please	INTJ
+help	VERB
+us	PRON
+to	PART
+help	VERB
+her	PRON
+win	VERB
+this	DET
+fight	NOUN
+.	PUNCT
+
+With	ADP
+your	PRON
+help	NOUN
+,	PUNCT
+we	PRON
+know	VERB
+she	PRON
+can	AUX
+do	VERB
+it	PRON
+!!	PUNCT
+
+We	PRON
+'ll	AUX
+have	VERB
+four	NUM
+bands	NOUN
+,	PUNCT
+and	CCONJ
+Big	PROPN
+D	PROPN
+is	AUX
+cookin'	VERB
+.....	PUNCT
+lots	NOUN
+of	ADP
+fun	NOUN
+and	CCONJ
+great	ADJ
+prizes	NOUN
+.	PUNCT
+
+This	PRON
+is	AUX
+an	DET
+event	NOUN
+you	PRON
+do	AUX
+n't	PART
+want	VERB
+to	PART
+miss	VERB
+!!	PUNCT
+
+Bands	NOUN
+,	PUNCT
+food	NOUN
+,	PUNCT
+and	CCONJ
+prizes	NOUN
+are	AUX
+sponsored	VERB
+by	ADP
+Beyond	PROPN
+Control	PROPN
+,	PUNCT
+who	PRON
+will	AUX
+be	AUX
+competing	VERB
+in	ADP
+the	DET
+Band	PROPN
+of	ADP
+the	DET
+Year	PROPN
+Contest	PROPN
+at	ADP
+the	DET
+River	PROPN
+Front	PROPN
+Festival	PROPN
+in	ADP
+Cuyahoga	PROPN
+Falls	PROPN
+on	ADP
+July	PROPN
+1	NUM
+.	PUNCT
+
+The	DET
+winner	NOUN
+of	ADP
+this	DET
+competition	NOUN
+will	AUX
+receive	VERB
+$	SYM
+5000	NUM
+,	PUNCT
+which	PRON
+Beyond	PROPN
+Control	PROPN
+hopes	VERB
+to	PART
+win	VERB
+in	ADP
+order	NOUN
+to	PART
+donate	VERB
+it	PRON
+to	ADP
+the	DET
+Abby	PROPN
+Freeman	PROPN
+fund	NOUN
+.	PUNCT
+
+Please	INTJ
+help	VERB
+us	PRON
+by	SCONJ
+logging	VERB
+onto	ADP
+the	DET
+Rockin	PROPN
+on	ADP
+the	DET
+River	PROPN
+website	NOUN
+at	ADP
+.	PUNCT
+
+Cast	VERB
+a	DET
+vote	NOUN
+for	ADP
+Beyond	PROPN
+Control	PROPN
+,	PUNCT
+and	CCONJ
+help	VERB
+us	PRON
+provide	VERB
+Abby	PROPN
+with	ADP
+her	PRON
+life	NOUN
+saving	VERB
+treatments	NOUN
+again	ADV
+.	PUNCT
+
+Donations	NOUN
+can	AUX
+also	ADV
+be	AUX
+made	VERB
+through	ADP
+Charter	PROPN
+One	PROPN
+Bank	PROPN
+.	PUNCT
+
+Make	VERB
+checks	NOUN
+payable	ADJ
+to	ADP
+Kendel	PROPN
+Bunnell	PROPN
+c	NOUN
+/	PUNCT
+o	ADP
+Benefit	PROPN
+for	ADP
+Abby	PROPN
+Freeman	PROPN
+
+By	ADP
+Richard	PROPN
+Spencer	PROPN
+
+(	PUNCT
+Filed	VERB
+:	PUNCT
+19/11/2004	NUM
+)	PUNCT
+
+China	PROPN
+'s	PART
+insatiable	ADJ
+demand	NOUN
+for	ADP
+energy	NOUN
+is	AUX
+prompting	VERB
+fears	NOUN
+of	ADP
+financial	ADJ
+and	CCONJ
+diplomatic	ADJ
+collisions	NOUN
+around	ADP
+the	DET
+globe	NOUN
+as	SCONJ
+it	PRON
+seeks	VERB
+reliable	ADJ
+supplies	NOUN
+of	ADP
+oil	NOUN
+from	ADP
+as	ADV
+far	ADV
+away	ADV
+as	ADP
+Brazil	PROPN
+and	CCONJ
+Sudan	PROPN
+.	PUNCT
+
+An	DET
+intrusion	NOUN
+into	ADP
+Japanese	ADJ
+territorial	ADJ
+waters	NOUN
+by	ADP
+a	DET
+Chinese	ADJ
+nuclear	ADJ
+submarine	NOUN
+last	ADJ
+week	NOUN
+and	CCONJ
+a	DET
+trade	NOUN
+deal	NOUN
+with	ADP
+Brazil	PROPN
+are	AUX
+the	DET
+latest	ADJ
+apparently	ADV
+unconnected	ADJ
+consequences	NOUN
+of	ADP
+China	PROPN
+'s	PART
+soaring	VERB
+economic	ADJ
+growth	NOUN
+.	PUNCT
+
+Increased	VERB
+car	NOUN
+usage	NOUN
+in	ADP
+China	PROPN
+is	AUX
+creating	VERB
+a	DET
+high	ADJ
+demand	NOUN
+for	ADP
+petrol	NOUN
+
+The	DET
+connection	NOUN
+,	PUNCT
+however	ADV
+,	PUNCT
+lies	VERB
+in	ADP
+an	DET
+order	NOUN
+issued	VERB
+last	ADJ
+year	NOUN
+by	ADP
+President	PROPN
+Hu	PROPN
+Jintao	PROPN
+to	PART
+seek	VERB
+secure	ADJ
+oil	NOUN
+supplies	NOUN
+abroad	ADV
+-	PUNCT
+preferably	ADV
+ones	NOUN
+which	PRON
+could	AUX
+not	PART
+be	AUX
+stopped	VERB
+by	ADP
+America	PROPN
+in	ADP
+case	NOUN
+of	ADP
+conflict	NOUN
+over	ADP
+Taiwan	PROPN
+.	PUNCT
+
+The	DET
+submarine	NOUN
+incident	NOUN
+was	AUX
+put	VERB
+down	ADP
+to	ADP
+a	DET
+"	PUNCT
+technical	ADJ
+error	NOUN
+"	PUNCT
+by	ADP
+the	DET
+Chinese	ADJ
+government	NOUN
+,	PUNCT
+which	PRON
+apologised	VERB
+to	ADP
+Japan	PROPN
+.	PUNCT
+
+But	CCONJ
+even	ADV
+before	ADP
+the	DET
+incident	NOUN
+the	DET
+People	PROPN
+'s	PART
+Daily	PROPN
+,	PUNCT
+the	DET
+government	NOUN
+mouthpiece	NOUN
+,	PUNCT
+had	AUX
+commented	VERB
+that	SCONJ
+competition	NOUN
+over	ADP
+the	DET
+East	PROPN
+China	PROPN
+Sea	PROPN
+between	ADP
+the	DET
+two	NUM
+countries	NOUN
+was	AUX
+"	PUNCT
+only	ADV
+a	DET
+prelude	NOUN
+of	ADP
+the	DET
+game	NOUN
+between	ADP
+China	PROPN
+and	CCONJ
+Japan	PROPN
+in	ADP
+the	DET
+arena	NOUN
+of	ADP
+international	ADJ
+energy	NOUN
+"	PUNCT
+.	PUNCT
+
+The	DET
+Brazil	PROPN
+trade	NOUN
+deal	NOUN
+included	VERB
+funding	NOUN
+for	ADP
+a	DET
+joint	ADJ
+oil	NOUN
+-	PUNCT
+drilling	NOUN
+and	CCONJ
+pipeline	NOUN
+programme	NOUN
+at	ADP
+a	DET
+cost	NOUN
+that	PRON
+experts	NOUN
+said	VERB
+would	AUX
+add	VERB
+up	ADP
+to	ADP
+three	NUM
+times	NOUN
+the	DET
+cost	NOUN
+of	SCONJ
+simply	ADV
+buying	VERB
+oil	NOUN
+on	ADP
+the	DET
+market	NOUN
+.	PUNCT
+
+The	DET
+West	NOUN
+,	PUNCT
+however	ADV
+,	PUNCT
+has	AUX
+paid	VERB
+little	ADJ
+attention	NOUN
+to	ADP
+these	DET
+developments	NOUN
+.	PUNCT
+
+For	CCONJ
+the	DET
+United	PROPN
+States	PROPN
+and	CCONJ
+Europe	PROPN
+are	AUX
+far	ADV
+more	ADV
+concerned	ADJ
+with	ADP
+the	DET
+even	ADV
+more	ADV
+sensitive	ADJ
+issues	NOUN
+of	ADP
+China	PROPN
+'s	PART
+relations	NOUN
+with	ADP
+"	PUNCT
+pariah	NOUN
+states	NOUN
+"	PUNCT
+.	PUNCT
+
+In	ADP
+September	PROPN
+,	PUNCT
+China	PROPN
+threatened	VERB
+to	PART
+veto	VERB
+any	DET
+move	NOUN
+to	PART
+impose	VERB
+sanctions	NOUN
+on	ADP
+Sudan	PROPN
+over	ADP
+the	DET
+atrocities	NOUN
+in	ADP
+Darfur	PROPN
+.	PUNCT
+
+It	PRON
+has	AUX
+invested	VERB
+$	SYM
+3	NUM
+billion	NUM
+in	ADP
+the	DET
+African	ADJ
+country	NOUN
+'s	PART
+oil	NOUN
+industry	NOUN
+,	PUNCT
+which	PRON
+supplies	VERB
+it	PRON
+with	ADP
+seven	NUM
+per	NOUN
+cent	NOUN
+of	ADP
+its	PRON
+needs	NOUN
+.	PUNCT
+
+Then	ADV
+,	PUNCT
+this	DET
+month	NOUN
+,	PUNCT
+it	PRON
+said	VERB
+that	SCONJ
+it	PRON
+opposed	VERB
+moves	NOUN
+to	PART
+refer	VERB
+Iran	PROPN
+'s	PART
+nuclear	ADJ
+stand	NOUN
+-	PUNCT
+off	NOUN
+with	ADP
+the	DET
+International	PROPN
+Atomic	PROPN
+Energy	PROPN
+Agency	PROPN
+to	ADP
+the	DET
+United	PROPN
+Nations	PROPN
+Security	PROPN
+Council	PROPN
+.	PUNCT
+
+A	DET
+week	NOUN
+before	ADV
+,	PUNCT
+China	PROPN
+'s	PART
+second	ADV
+biggest	ADJ
+state	NOUN
+oil	NOUN
+firm	NOUN
+had	AUX
+signed	VERB
+a	DET
+$	SYM
+70	NUM
+billion	NUM
+deal	NOUN
+for	ADP
+oilfield	NOUN
+and	CCONJ
+natural	ADJ
+gas	NOUN
+development	NOUN
+with	ADP
+Iran	PROPN
+,	PUNCT
+which	PRON
+already	ADV
+supplies	VERB
+13	NUM
+per	NOUN
+cent	NOUN
+of	ADP
+China	PROPN
+'s	PART
+needs	NOUN
+.	PUNCT
+
+China	PROPN
+has	VERB
+its	PRON
+own	ADJ
+reserves	NOUN
+of	ADP
+oil	NOUN
+and	CCONJ
+natural	ADJ
+gas	NOUN
+and	CCONJ
+once	ADV
+was	AUX
+a	DET
+net	ADJ
+oil	NOUN
+exporter	NOUN
+.	PUNCT
+
+But	CCONJ
+as	SCONJ
+its	PRON
+economy	NOUN
+has	AUX
+expanded	VERB
+by	ADP
+an	DET
+average	NOUN
+of	ADP
+nine	NUM
+per	NOUN
+cent	NOUN
+per	ADP
+year	NOUN
+for	ADP
+the	DET
+last	ADJ
+two	NUM
+decades	NOUN
+,	PUNCT
+so	ADV
+has	VERB
+its	PRON
+demand	NOUN
+for	ADP
+energy	NOUN
+.	PUNCT
+
+This	DET
+year	NOUN
+it	PRON
+overtook	VERB
+Japan	PROPN
+as	ADP
+the	DET
+world	NOUN
+'s	PART
+second	ADV
+largest	ADJ
+consumer	NOUN
+of	ADP
+energy	NOUN
+,	PUNCT
+behind	ADP
+the	DET
+US	PROPN
+.	PUNCT
+
+Its	PRON
+projected	VERB
+demand	NOUN
+,	PUNCT
+boosted	VERB
+by	ADP
+a	DET
+huge	ADJ
+rise	NOUN
+in	ADP
+car	NOUN
+ownership	NOUN
+as	ADV
+well	ADV
+as	ADP
+the	DET
+need	NOUN
+to	PART
+find	VERB
+alternatives	NOUN
+to	ADP
+polluting	VERB
+coal	NOUN
+for	ADP
+electricity	NOUN
+generation	NOUN
+,	PUNCT
+has	AUX
+contributed	VERB
+to	ADP
+the	DET
+surge	NOUN
+in	ADP
+the	DET
+price	NOUN
+of	ADP
+oil	NOUN
+this	DET
+year	NOUN
+.	PUNCT
+
+Shortages	NOUN
+are	AUX
+already	ADV
+leading	VERB
+to	ADP
+power	NOUN
+cuts	NOUN
+in	ADP
+the	DET
+big	ADJ
+cities	NOUN
+.	PUNCT
+
+Since	SCONJ
+President	PROPN
+Hu	PROPN
+ordered	VERB
+state	NOUN
+-	PUNCT
+owned	VERB
+oil	NOUN
+firms	NOUN
+to	PART
+"	PUNCT
+go	VERB
+abroad	ADV
+"	PUNCT
+to	PART
+ensure	VERB
+supply	NOUN
+,	PUNCT
+they	PRON
+have	AUX
+begun	VERB
+drilling	VERB
+for	ADP
+gas	NOUN
+in	ADP
+the	DET
+East	PROPN
+China	PROPN
+Sea	PROPN
+,	PUNCT
+just	ADV
+west	ADV
+of	ADP
+the	DET
+line	NOUN
+that	PRON
+Japan	PROPN
+regards	VERB
+as	ADP
+its	PRON
+border	NOUN
+.	PUNCT
+
+Japan	PROPN
+protested	VERB
+,	PUNCT
+to	ADP
+no	DET
+avail	NOUN
+,	PUNCT
+that	SCONJ
+the	DET
+project	NOUN
+should	AUX
+be	AUX
+a	DET
+joint	ADJ
+one	NOUN
+.	PUNCT
+
+The	DET
+two	NUM
+are	AUX
+also	ADV
+set	ADJ
+to	PART
+clash	VERB
+over	ADP
+Russia	PROPN
+'s	PART
+oil	NOUN
+wealth	NOUN
+.	PUNCT
+
+China	PROPN
+is	AUX
+furious	ADJ
+that	SCONJ
+Japan	PROPN
+has	AUX
+outbid	VERB
+it	PRON
+in	ADP
+their	PRON
+battle	NOUN
+to	PART
+determine	VERB
+the	DET
+route	NOUN
+of	ADP
+the	DET
+pipeline	NOUN
+that	PRON
+Russia	PROPN
+intends	VERB
+to	PART
+build	VERB
+to	ADP
+the	DET
+Far	PROPN
+East	PROPN
+.	PUNCT
+
+Japan	PROPN
+favoured	VERB
+a	DET
+route	NOUN
+to	ADP
+the	DET
+sea	NOUN
+,	PUNCT
+enabling	VERB
+oil	NOUN
+to	PART
+be	AUX
+shipped	VERB
+to	ADP
+both	CCONJ
+Japan	PROPN
+and	CCONJ
+China	PROPN
+.	PUNCT
+
+China	PROPN
+wanted	VERB
+an	DET
+overland	ADJ
+route	NOUN
+through	ADP
+its	PRON
+own	ADJ
+territory	NOUN
+,	PUNCT
+which	PRON
+would	AUX
+give	VERB
+it	PRON
+ultimate	ADJ
+control	NOUN
+if	SCONJ
+hostilities	NOUN
+broke	VERB
+out	ADP
+.	PUNCT
+
+Increasingly	ADV
+,	PUNCT
+analysts	NOUN
+are	AUX
+saying	VERB
+that	SCONJ
+China	PROPN
+'s	PART
+efforts	NOUN
+have	AUX
+gone	VERB
+beyond	SCONJ
+what	PRON
+is	AUX
+safe	ADJ
+or	CCONJ
+even	ADV
+in	ADP
+its	PRON
+own	ADJ
+interests	NOUN
+.	PUNCT
+
+Claude	PROPN
+Mandil	PROPN
+,	PUNCT
+the	DET
+executive	ADJ
+director	NOUN
+of	ADP
+the	DET
+International	PROPN
+Energy	PROPN
+Agency	PROPN
+in	ADP
+Paris	PROPN
+,	PUNCT
+said	VERB
+the	DET
+reserves	NOUN
+in	ADP
+the	DET
+East	PROPN
+China	PROPN
+Sea	PROPN
+were	AUX
+hardly	ADV
+worth	ADJ
+the	DET
+trouble	NOUN
+.	PUNCT
+
+"	PUNCT
+Nobody	PRON
+thinks	VERB
+that	SCONJ
+there	PRON
+will	AUX
+be	VERB
+a	DET
+lot	NOUN
+of	ADP
+oil	NOUN
+and	CCONJ
+gas	NOUN
+in	ADP
+this	DET
+part	NOUN
+of	ADP
+the	DET
+world	NOUN
+,	PUNCT
+"	PUNCT
+he	PRON
+said	VERB
+.	PUNCT
+
+"	PUNCT
+It	PRON
+may	AUX
+be	AUX
+a	DET
+difficult	ADJ
+political	ADJ
+issue	NOUN
+but	CCONJ
+I	PRON
+do	AUX
+n't	PART
+think	VERB
+the	DET
+energy	NOUN
+content	NOUN
+is	AUX
+worthwhile	ADJ
+.	PUNCT
+"	PUNCT
+
+Eurasia	PROPN
+Group	PROPN
+,	PUNCT
+a	DET
+New	PROPN
+York	PROPN
+-	PUNCT
+based	VERB
+firm	NOUN
+of	ADP
+political	ADJ
+analysts	NOUN
+,	PUNCT
+said	VERB
+its	PRON
+oil	NOUN
+experts	NOUN
+worked	VERB
+out	ADP
+that	SCONJ
+China	PROPN
+was	AUX
+paying	VERB
+such	DET
+an	DET
+inflated	VERB
+price	NOUN
+for	ADP
+its	PRON
+investment	NOUN
+in	ADP
+Brazil	PROPN
+that	SCONJ
+the	DET
+cost	NOUN
+for	ADP
+the	DET
+oil	NOUN
+it	PRON
+ended	VERB
+up	ADP
+with	ADP
+was	AUX
+three	NUM
+times	NOUN
+the	DET
+market	NOUN
+price	NOUN
+.	PUNCT
+
+"	PUNCT
+If	SCONJ
+China	PROPN
+'s	PART
+economy	NOUN
+falters	VERB
+,	PUNCT
+which	PRON
+,	PUNCT
+in	ADP
+my	PRON
+view	NOUN
+,	PUNCT
+appears	VERB
+increasingly	ADV
+likely	ADJ
+,	PUNCT
+then	ADV
+commodity	NOUN
+prices	NOUN
+will	AUX
+plummet	VERB
+,	PUNCT
+and	CCONJ
+with	ADP
+them	PRON
+,	PUNCT
+the	DET
+value	NOUN
+of	ADP
+the	DET
+assets	NOUN
+that	PRON
+produce	VERB
+them	PRON
+,	PUNCT
+"	PUNCT
+Jason	PROPN
+Kindopp	PROPN
+,	PUNCT
+Eurasia	PROPN
+'s	PART
+lead	ADJ
+China	PROPN
+analyst	NOUN
+,	PUNCT
+said	VERB
+.	PUNCT
+
+"	PUNCT
+Beijing	PROPN
+may	AUX
+end	VERB
+up	ADP
+in	ADP
+a	DET
+early	ADJ
+1990s	NOUN
+Japan	PROPN
+situation	NOUN
+,	PUNCT
+where	ADV
+it	PRON
+is	AUX
+forced	VERB
+to	PART
+sell	VERB
+recently	ADV
+purchased	VERB
+overseas	ADJ
+assets	NOUN
+for	ADP
+a	DET
+fraction	NOUN
+of	SCONJ
+what	PRON
+it	PRON
+paid	VERB
+for	ADP
+them	PRON
+.	PUNCT
+"	PUNCT
+
+China	PROPN
+'s	PART
+wider	ADJ
+aggression	NOUN
+to	PART
+secure	VERB
+oil	NOUN
+and	CCONJ
+gas	NOUN
+was	AUX
+the	DET
+greatest	ADJ
+threat	NOUN
+to	ADP
+its	PRON
+international	ADJ
+standing	NOUN
+in	ADP
+the	DET
+next	ADJ
+decade	NOUN
+.	PUNCT
+
+"	PUNCT
+Sudan	PROPN
+is	AUX
+the	DET
+primary	ADJ
+example	NOUN
+,	PUNCT
+"	PUNCT
+he	PRON
+said	VERB
+.	PUNCT
+
+"	PUNCT
+It	PRON
+marks	VERB
+the	DET
+first	ADJ
+time	NOUN
+in	ADP
+recent	ADJ
+years	NOUN
+that	ADV
+China	PROPN
+has	AUX
+promised	VERB
+to	PART
+wield	VERB
+its	PRON
+veto	NOUN
+power	NOUN
+in	ADP
+the	DET
+UN	PROPN
+Security	PROPN
+Council	PROPN
+against	ADP
+a	DET
+petition	NOUN
+initiated	VERB
+by	ADP
+the	DET
+United	PROPN
+States	PROPN
+and	CCONJ
+backed	VERB
+by	ADP
+France	PROPN
+and	CCONJ
+Great	PROPN
+Britain	PROPN
+.	PUNCT
+"	PUNCT
+
+Email	NOUN
+:	PUNCT
+dharmad...@gmail.com	X
+
+Visualizations	NOUN
+as	ADP
+a	DET
+helpful	ADJ
+beginning	VERB
+technique	NOUN
+
+-----------------------------------------------	PUNCT
+
+If	SCONJ
+you	PRON
+consider	VERB
+that	SCONJ
+you	PRON
+still	ADV
+need	VERB
+the	DET
+assistance	NOUN
+of	ADP
+other	ADJ
+visualizations	NOUN
+to	PART
+help	VERB
+the	DET
+mind	NOUN
+feel	VERB
+the	DET
+spirit	NOUN
+of	ADP
+transcendence	NOUN
+,	PUNCT
+try	VERB
+the	DET
+following	VERB
+before	SCONJ
+moving	VERB
+onto	ADP
+the	DET
+more	ADV
+formal	ADJ
+method	NOUN
+below	ADV
+.	PUNCT
+
+Visualisations	NOUN
+can	AUX
+be	AUX
+as	ADP
+useful	ADJ
+tools	NOUN
+,	PUNCT
+but	CCONJ
+meditation	NOUN
+is	AUX
+more	ADJ
+than	ADP
+that	PRON
+.	PUNCT
+
+Meditation	NOUN
+has	VERB
+to	PART
+do	VERB
+with	SCONJ
+what	PRON
+is	AUX
+called	VERB
+ideation	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+always	ADV
+good	ADJ
+to	PART
+stick	VERB
+to	ADP
+a	DET
+formal	ADJ
+intense	ADJ
+meditation	NOUN
+practice	NOUN
+like	ADP
+the	DET
+one	NOUN
+for	ADP
+beginners	NOUN
+described	VERB
+in	ADP
+the	DET
+MP3	NOUN
+file	NOUN
+that	PRON
+follows	VERB
+after	ADP
+the	DET
+visualisations	NOUN
+.	PUNCT
+
+Find	VERB
+a	DET
+comfortable	ADJ
+place	NOUN
+on	ADP
+the	DET
+floor	NOUN
+and	CCONJ
+sit	VERB
+with	ADP
+your	PRON
+legs	NOUN
+crossed	VERB
+.	PUNCT
+
+Place	VERB
+your	PRON
+hands	NOUN
+one	NUM
+on	ADP
+top	NOUN
+of	ADP
+the	DET
+other	ADJ
+in	ADP
+your	PRON
+lap	NOUN
+,	PUNCT
+keep	VERB
+your	PRON
+back	NOUN
+straight	ADJ
+,	PUNCT
+eyes	NOUN
+closed	VERB
+and	CCONJ
+tongue	NOUN
+on	ADP
+the	DET
+roof	NOUN
+of	ADP
+your	PRON
+mouth	NOUN
+.	PUNCT
+
+Your	PRON
+breathing	NOUN
+should	AUX
+be	AUX
+calm	ADJ
+and	CCONJ
+relaxed	ADJ
+,	PUNCT
+through	ADP
+the	DET
+nose	NOUN
+.	PUNCT
+
+Spend	VERB
+a	DET
+minute	NOUN
+or	CCONJ
+so	ADV
+concentrating	VERB
+on	ADP
+your	PRON
+breath	NOUN
+,	PUNCT
+feeling	VERB
+the	DET
+air	NOUN
+flowing	VERB
+through	ADP
+your	PRON
+nostrils	NOUN
+.	PUNCT
+
+1	X
+.	PUNCT
+Warm	ADJ
+Sun	NOUN
+Visualization	NOUN
+
+Continue	VERB
+to	PART
+breathe	VERB
+slowly	ADV
+and	CCONJ
+deeply	ADV
+.	PUNCT
+
+With	ADP
+each	DET
+breath	NOUN
+,	PUNCT
+feel	VERB
+the	DET
+muscles	NOUN
+in	ADP
+your	PRON
+body	NOUN
+becoming	VERB
+lighter	ADJ
+and	CCONJ
+lighter	ADJ
+,	PUNCT
+and	CCONJ
+also	ADV
+your	PRON
+external	ADJ
+motor	NOUN
+and	CCONJ
+sensory	ADJ
+organs	NOUN
+are	AUX
+feeling	VERB
+like	SCONJ
+they	PRON
+are	AUX
+withdrawing	VERB
+from	ADP
+the	DET
+world	NOUN
+into	ADP
+a	DET
+special	ADJ
+inner	ADJ
+quietness	NOUN
+.	PUNCT
+
+Imagine	VERB
+the	DET
+tension	NOUN
+melting	VERB
+away	ADV
+as	SCONJ
+you	PRON
+continue	VERB
+breathing	VERB
+rhythmically	ADV
+and	CCONJ
+naturally	ADV
+.	PUNCT
+
+Picture	VERB
+yourself	PRON
+sitting	VERB
+on	ADP
+a	DET
+warm	ADJ
+,	PUNCT
+tropical	ADJ
+beach	NOUN
+basking	VERB
+in	ADP
+the	DET
+glow	NOUN
+of	ADP
+the	DET
+sun	NOUN
+...	PUNCT
+.	PUNCT
+
+Visualize	VERB
+the	DET
+vivid	ADJ
+,	PUNCT
+beautiful	ADJ
+colours	NOUN
+of	ADP
+the	DET
+earth	NOUN
+(	PUNCT
+its	PRON
+flowers	NOUN
+and	CCONJ
+plants	NOUN
+)	PUNCT
+,	PUNCT
+the	DET
+sea	NOUN
+next	ADP
+to	ADP
+you	PRON
+,	PUNCT
+and	CCONJ
+the	DET
+sky	NOUN
+above	ADP
+you	PRON
+.	PUNCT
+
+Feel	VERB
+yourself	PRON
+floating	VERB
+above	ADP
+the	DET
+earth	NOUN
+and	CCONJ
+sea	NOUN
+.	PUNCT
+
+As	SCONJ
+you	PRON
+sit	VERB
+above	ADP
+the	DET
+world	NOUN
+,	PUNCT
+the	DET
+warmth	NOUN
+of	ADP
+the	DET
+golden	ADJ
+sun	NOUN
+penetrates	VERB
+your	PRON
+body	NOUN
+and	CCONJ
+makes	VERB
+you	PRON
+feel	VERB
+warmer	ADJ
+and	CCONJ
+warmer	ADJ
+.	PUNCT
+
+It	PRON
+surrounds	VERB
+you	PRON
+.	PUNCT
+
+The	DET
+golden	ADJ
+rays	NOUN
+feel	VERB
+soft	ADJ
+and	CCONJ
+soothing	ADJ
+.	PUNCT
+
+Now	ADV
+you	PRON
+are	AUX
+far	ADV
+above	ADP
+the	DET
+earth	NOUN
+-	PUNCT
+into	ADP
+space	NOUN
+.	PUNCT
+
+Everything	PRON
+around	ADP
+you	PRON
+is	AUX
+so	ADV
+vast	ADJ
+.	PUNCT
+
+Yet	CCONJ
+,	PUNCT
+there	PRON
+is	VERB
+warmth	NOUN
+and	CCONJ
+a	DET
+familiarity	NOUN
+with	ADP
+the	DET
+vastness	NOUN
+.	PUNCT
+
+You	PRON
+want	VERB
+to	PART
+merge	VERB
+your	PRON
+mind	NOUN
+with	ADP
+the	DET
+greater	ADJ
+universal	ADJ
+Mind	NOUN
+that	PRON
+surrounds	VERB
+you	PRON
+.	PUNCT
+
+Continue	VERB
+to	PART
+ideate	VERB
+on	ADP
+this	DET
+intense	ADJ
+desire	NOUN
+for	SCONJ
+your	PRON
+mind	NOUN
+to	PART
+merge	VERB
+with	ADP
+the	DET
+that	DET
+universal	ADJ
+Consciousness	NOUN
+.	PUNCT
+
+And	CCONJ
+while	SCONJ
+doing	VERB
+so	ADV
+continue	VERB
+using	VERB
+the	DET
+Baba	NOUN
+Nam	NOUN
+Kevalam	NOUN
+mantra	NOUN
+(	PUNCT
+breathe	VERB
+in	ADV
+with	ADP
+Baba	NOUN
+Nam	NOUN
+,	PUNCT
+breathe	VERB
+out	ADV
+with	ADP
+Kevalam	NOUN
+)	PUNCT
+.	PUNCT
+
+Try	VERB
+this	PRON
+for	ADP
+5	NUM
+to	ADP
+10	NUM
+minutes	NOUN
+.	PUNCT
+
+Now	ADV
+come	VERB
+back	ADV
+to	ADP
+earth	PROPN
+again	ADV
+-	PUNCT
+slowly	ADV
+.	PUNCT
+
+Imagine	VERB
+yourself	PRON
+sitting	VERB
+on	ADP
+the	DET
+beach	NOUN
+serenely	ADV
+and	CCONJ
+restfully	ADV
+.	PUNCT
+
+Your	PRON
+muscles	NOUN
+are	AUX
+loose	ADJ
+and	CCONJ
+limp	ADJ
+.	PUNCT
+
+Feel	VERB
+your	PRON
+body	NOUN
+sinking	VERB
+slightly	ADV
+into	ADP
+the	DET
+sand	NOUN
+making	VERB
+that	DET
+earthly	ADJ
+connection	NOUN
+again	ADV
+.	PUNCT
+
+The	DET
+sun	NOUN
+'s	PART
+rays	NOUN
+and	CCONJ
+warmth	NOUN
+are	AUX
+still	ADV
+with	ADP
+you	PRON
+,	PUNCT
+surrounding	VERB
+you	PRON
+.	PUNCT
+
+You	PRON
+are	AUX
+in	ADP
+a	DET
+state	NOUN
+of	ADP
+peace	NOUN
+and	CCONJ
+relaxation	NOUN
+.	PUNCT
+
+With	ADP
+each	DET
+breath	NOUN
+,	PUNCT
+watch	VERB
+your	PRON
+body	NOUN
+and	CCONJ
+ensure	VERB
+that	SCONJ
+it	PRON
+remains	VERB
+relaxed	ADJ
+-	PUNCT
+at	ADP
+peace	NOUN
+.	PUNCT
+
+Continue	VERB
+to	PART
+feel	VERB
+the	DET
+warmth	NOUN
+of	ADP
+the	DET
+sunlight	NOUN
+all	ADV
+over	ADP
+your	PRON
+body	NOUN
+,	PUNCT
+warming	VERB
+you	PRON
+deeply	ADV
+and	CCONJ
+gently	ADV
+.	PUNCT
+
+You	PRON
+want	VERB
+to	PART
+bring	VERB
+something	PRON
+back	ADV
+with	ADP
+you	PRON
+from	ADP
+your	PRON
+deep	ADJ
+space	NOUN
+experience	NOUN
+where	ADV
+you	PRON
+sensed	VERB
+your	PRON
+mind	NOUN
+merging	VERB
+with	ADP
+the	DET
+universal	ADJ
+Mind	NOUN
+.	PUNCT
+
+This	PRON
+will	AUX
+be	AUX
+the	DET
+warmth	NOUN
+of	ADP
+the	DET
+sun	NOUN
+-	PUNCT
+a	DET
+close	ADJ
+reminder	NOUN
+and	CCONJ
+link	NOUN
+between	ADP
+earth	NOUN
+and	CCONJ
+the	DET
+infinite	ADJ
+space	NOUN
+.	PUNCT
+
+Visualize	VERB
+the	DET
+inside	NOUN
+of	ADP
+your	PRON
+body	NOUN
+bathed	VERB
+in	ADP
+the	DET
+golden	ADJ
+light	NOUN
+,	PUNCT
+absorbing	VERB
+every	DET
+ray	NOUN
+and	CCONJ
+glowing	VERB
+as	ADV
+radiantly	ADV
+as	ADP
+the	DET
+sun	NOUN
+.	PUNCT
+
+A	DET
+warm	ADJ
+,	PUNCT
+gentle	ADJ
+breeze	NOUN
+swirls	VERB
+around	ADP
+your	PRON
+body	NOUN
+and	CCONJ
+relaxes	VERB
+you	PRON
+even	ADV
+more	ADV
+.	PUNCT
+
+Let	VERB
+your	PRON
+mind	NOUN
+and	CCONJ
+body	NOUN
+be	AUX
+totally	ADV
+at	ADP
+peace	NOUN
+.	PUNCT
+
+Now	ADV
+feel	VERB
+yourself	PRON
+returning	VERB
+to	SCONJ
+where	ADV
+you	PRON
+sit	VERB
+...	PUNCT
+move	VERB
+your	PRON
+hands	NOUN
+and	CCONJ
+feet	NOUN
+a	DET
+little	ADJ
+,	PUNCT
+stretch	VERB
+them	PRON
+.	PUNCT
+
+Open	VERB
+your	PRON
+eyes	NOUN
+.	PUNCT
+
+2	X
+.	PUNCT
+Mountain	NOUN
+Visualization	NOUN
+
+Another	DET
+thing	NOUN
+you	PRON
+can	AUX
+try	VERB
+.	PUNCT
+
+Imagine	VERB
+you	PRON
+'re	AUX
+sitting	VERB
+on	ADP
+top	NOUN
+of	ADP
+a	DET
+mountain	NOUN
+,	PUNCT
+and	CCONJ
+that	SCONJ
+it	PRON
+'s	AUX
+the	DET
+most	ADV
+peaceful	ADJ
+place	NOUN
+you	PRON
+can	AUX
+think	VERB
+of	ADP
+.	PUNCT
+
+Feel	VERB
+that	SCONJ
+you	PRON
+'re	AUX
+sitting	VERB
+there	ADV
+in	ADP
+complete	ADJ
+peace	NOUN
+,	PUNCT
+right	ADV
+on	ADP
+top	NOUN
+of	ADP
+the	DET
+world	NOUN
+.	PUNCT
+
+Now	ADV
+imagine	VERB
+that	SCONJ
+infinite	ADJ
+happiness	NOUN
+is	AUX
+surrounding	VERB
+you	PRON
+in	ADP
+every	DET
+direction	NOUN
+.	PUNCT
+
+Feel	VERB
+you	PRON
+'re	AUX
+completely	ADV
+surrounded	VERB
+by	ADP
+that	DET
+infinite	ADJ
+peace	NOUN
+and	CCONJ
+happiness	NOUN
+.	PUNCT
+
+Now	ADV
+start	VERB
+to	PART
+repeat	VERB
+within	ADP
+your	PRON
+mind	NOUN
+the	DET
+mantra	NOUN
+:	PUNCT
+BABA	NOUN
+NAM	NOUN
+KEVALAM	NOUN
+.	PUNCT
+
+Its	PRON
+meaning	NOUN
+is	VERB
+"	PUNCT
+Infinite	ADJ
+happiness	NOUN
+is	AUX
+everywhere	ADV
+"	PUNCT
+.	PUNCT
+
+Feel	VERB
+the	DET
+meaning	NOUN
+,	PUNCT
+do	AUX
+n't	PART
+just	ADV
+think	VERB
+of	ADP
+its	PRON
+wordy	ADJ
+meaning	NOUN
+or	CCONJ
+try	VERB
+to	PART
+translate	VERB
+from	ADP
+Sanskrit	PROPN
+(	PUNCT
+BABA	NOUN
+NAM	NOUN
+KEVALAM	NOUN
+)	PUNCT
+to	ADP
+an	DET
+English	ADJ
+meaning	NOUN
+(	PUNCT
+Infinite	ADJ
+peace	NOUN
+and	CCONJ
+happiness	NOUN
+)	PUNCT
+.	PUNCT
+
+Think	VERB
+internally	ADV
+,	PUNCT
+intuitively	ADV
+,	PUNCT
+not	ADV
+by	ADP
+words	NOUN
+,	PUNCT
+of	ADP
+the	DET
+meaning	NOUN
+,	PUNCT
+as	SCONJ
+you	PRON
+'re	AUX
+repeating	VERB
+it	PRON
+.	PUNCT
+
+This	PRON
+is	AUX
+called	VERB
+ideation	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+important	ADJ
+to	PART
+take	VERB
+the	DET
+idea	NOUN
+,	PUNCT
+not	ADV
+just	ADV
+the	DET
+intellectual	ADJ
+analysis	NOUN
+.	PUNCT
+
+Touching	VERB
+deep	ADV
+into	ADP
+the	DET
+idea	NOUN
+is	AUX
+what	PRON
+builds	VERB
+intuition	NOUN
+-	PUNCT
+it	PRON
+is	AUX
+a	DET
+synthetic	ADJ
+process	NOUN
+.	PUNCT
+
+Whereas	ADV
+,	PUNCT
+trying	VERB
+to	PART
+translate	VERB
+and	CCONJ
+grapple	VERB
+with	ADP
+wordy	ADJ
+meanings	NOUN
+is	AUX
+an	DET
+intellectual	ADJ
+mechanism	NOUN
+-	PUNCT
+an	DET
+analytical	ADJ
+process	NOUN
+.	PUNCT
+
+Feel	VERB
+you	PRON
+'re	AUX
+surrounded	VERB
+by	ADP
+infinite	ADJ
+peace	NOUN
+and	CCONJ
+happiness	NOUN
+,	PUNCT
+and	CCONJ
+feel	VERB
+that	SCONJ
+your	PRON
+own	ADJ
+sense	NOUN
+of	ADP
+existence	NOUN
+is	AUX
+in	ADP
+direct	ADJ
+contact	NOUN
+with	ADP
+that	DET
+endless	ADJ
+peace	NOUN
+and	CCONJ
+happiness	NOUN
+all	ADV
+around	ADP
+you	PRON
+.	PUNCT
+
+You	PRON
+can	AUX
+go	VERB
+further	ADV
+and	CCONJ
+feel	VERB
+that	SCONJ
+your	PRON
+unit	NOUN
+consciousness	NOUN
+,	PUNCT
+a	DET
+dot	NOUN
+in	ADP
+the	DET
+Infinite	ADJ
+Consciousness	NOUN
+,	PUNCT
+is	AUX
+merging	VERB
+with	ADP
+Infinity	NOUN
+.	PUNCT
+
+Continue	VERB
+for	ADP
+as	ADV
+long	ADV
+as	SCONJ
+you	PRON
+like	VERB
+,	PUNCT
+then	ADV
+open	VERB
+your	PRON
+eyes	NOUN
+.	PUNCT
+
+OK	INTJ
+that	PRON
+is	AUX
+fairly	ADV
+basic	ADJ
+:)	SYM
+.	PUNCT
+
+The	DET
+important	ADJ
+point	NOUN
+is	VERB
+to	PART
+develop	VERB
+some	DET
+psycho-spiritual	ADJ
+connection	NOUN
+between	ADP
+your	PRON
+mind	NOUN
+and	CCONJ
+the	DET
+universal	ADJ
+Consciousness	NOUN
+or	CCONJ
+Supreme	ADJ
+Consciousness	NOUN
+.	PUNCT
+
+Do	AUX
+n't	PART
+worry	VERB
+if	SCONJ
+you	PRON
+have	VERB
+trouble	NOUN
+concentrating	VERB
+on	ADP
+the	DET
+mantra	NOUN
+and	CCONJ
+ideation	NOUN
+-	PUNCT
+that	PRON
+'s	AUX
+normal	ADJ
+.	PUNCT
+
+It	PRON
+takes	VERB
+some	DET
+time	NOUN
+and	CCONJ
+practice	NOUN
+to	PART
+be	AUX
+able	ADJ
+to	PART
+focus	VERB
+on	ADP
+the	DET
+one	NUM
+thought	NOUN
+.	PUNCT
+
+The	DET
+main	ADJ
+thing	NOUN
+is	VERB
+to	PART
+keep	VERB
+practicing	VERB
+.	PUNCT
+
+If	SCONJ
+you	PRON
+do	AUX
+n't	PART
+practice	VERB
+,	PUNCT
+then	ADV
+nothing	PRON
+happens	VERB
+.	PUNCT
+
+Well	INTJ
+maybe	ADV
+a	DET
+miracle	NOUN
+could	AUX
+happen	VERB
+,	PUNCT
+but	CCONJ
+let	VERB
+s	PRON
+face	VERB
+it	PRON
+we	PRON
+'re	AUX
+ordinary	ADJ
+people	NOUN
+and	CCONJ
+so	ADV
+require	VERB
+practical	ADJ
+day	NOUN
+to	ADP
+day	NOUN
+techniques	NOUN
+!	PUNCT
+
+---	PUNCT
+
+NORTH	PROPN
+CAROLINA	PROPN
+RELIGIOUS	PROPN
+COALITION	PROPN
+FOR	ADP
+MARRIAGE	PROPN
+EQUALITY	PROPN
+
+From	SCONJ
+what	PRON
+we	PRON
+hear	VERB
+from	ADP
+the	DET
+news	NOUN
+media	NOUN
+,	PUNCT
+one	NUM
+could	AUX
+easily	ADV
+conclude	VERB
+that	SCONJ
+all	DET
+Christians	PROPN
+are	AUX
+opposed	ADJ
+to	ADP
+gay	ADJ
+marriage	NOUN
+.	PUNCT
+
+But	CCONJ
+that	PRON
+’s	AUX
+not	PART
+the	DET
+case	NOUN
+.	PUNCT
+
+Last	ADJ
+year	NOUN
+an	DET
+organization	NOUN
+named	VERB
+the	DET
+North	PROPN
+Carolina	PROPN
+Religious	PROPN
+Coalition	PROPN
+for	ADP
+Marriage	PROPN
+Equality	PROPN
+was	AUX
+formed	VERB
+to	PART
+get	VERB
+out	ADV
+the	DET
+message	NOUN
+that	SCONJ
+at	ADV
+least	ADV
+some	DET
+people	NOUN
+of	ADP
+faith	NOUN
+are	AUX
+not	PART
+opposed	ADJ
+to	SCONJ
+extending	VERB
+the	DET
+rights	NOUN
+and	CCONJ
+responsibilities	NOUN
+of	ADP
+civil	ADJ
+marriage	NOUN
+to	ADP
+same	ADJ
+-	PUNCT
+gender	NOUN
+couples	NOUN
+.	PUNCT
+
+One	NUM
+of	ADP
+“	PUNCT
+NCRC4ME	PROPN
+’s	PART
+”	PUNCT
+major	ADJ
+efforts	NOUN
+is	VERB
+to	PART
+collect	VERB
+signatures	NOUN
+for	ADP
+the	DET
+attached	VERB
+“	PUNCT
+Declaration	NOUN
+of	ADP
+Religious	ADJ
+Leaders	NOUN
+,	PUNCT
+”	PUNCT
+which	PRON
+has	AUX
+been	VERB
+and	CCONJ
+will	AUX
+again	ADV
+be	AUX
+presented	VERB
+to	ADP
+members	NOUN
+of	ADP
+the	DET
+NC	PROPN
+legislature	NOUN
+.	PUNCT
+
+It	PRON
+presents	VERB
+the	DET
+case	NOUN
+for	ADP
+marriage	NOUN
+equality	NOUN
+and	CCONJ
+states	VERB
+,	PUNCT
+“	PUNCT
+We	PRON
+are	AUX
+resolved	VERB
+that	SCONJ
+the	DET
+State	PROPN
+should	AUX
+not	PART
+interfere	VERB
+with	ADP
+same	ADJ
+-	PUNCT
+gender	NOUN
+couples	NOUN
+who	PRON
+choose	VERB
+to	PART
+marry	VERB
+and	CCONJ
+share	VERB
+fully	ADV
+and	CCONJ
+equally	ADV
+in	ADP
+the	DET
+rights	NOUN
+,	PUNCT
+responsibilities	NOUN
+,	PUNCT
+and	CCONJ
+commitments	NOUN
+of	ADP
+civil	ADJ
+marriage	NOUN
+.	PUNCT
+”	PUNCT
+
+A	DET
+measure	NOUN
+to	PART
+amend	VERB
+the	DET
+NC	PROPN
+Constitution	NOUN
+to	PART
+ban	VERB
+gay	ADJ
+marriage	NOUN
+was	AUX
+defeated	VERB
+last	ADJ
+year	NOUN
+but	CCONJ
+already	ADV
+has	AUX
+been	AUX
+reintroduced	VERB
+in	ADP
+the	DET
+2005	NUM
+legislative	ADJ
+session	NOUN
+,	PUNCT
+so	ADV
+there	PRON
+is	VERB
+a	DET
+real	ADJ
+need	NOUN
+for	ADP
+visible	ADJ
+support	NOUN
+for	ADP
+the	DET
+“	PUNCT
+pro-same	ADJ
+-	PUNCT
+gender	NOUN
+-	PUNCT
+marriage	NOUN
+”	PUNCT
+side	NOUN
+of	ADP
+this	DET
+issue	NOUN
+.	PUNCT
+
+At	ADP
+its	PRON
+February	PROPN
+meeting	NOUN
+the	DET
+CHS	PROPN
+Vestry	PROPN
+voted	VERB
+unanimously	ADV
+to	PART
+add	VERB
+their	PRON
+names	NOUN
+to	ADP
+the	DET
+Declaration	NOUN
+.	PUNCT
+
+Our	PRON
+Rector	NOUN
+Barbara	PROPN
+and	CCONJ
+our	PRON
+Deacon	NOUN
+Clare	PROPN
+also	ADV
+have	AUX
+signed	VERB
+the	DET
+Declaration	NOUN
+.	PUNCT
+
+Furthermore	ADV
+,	PUNCT
+the	DET
+Vestry	PROPN
+voted	VERB
+unanimously	ADV
+to	PART
+invite	VERB
+the	DET
+support	NOUN
+of	ADP
+members	NOUN
+of	ADP
+the	DET
+CHS	PROPN
+congregation	NOUN
+for	ADP
+the	DET
+Declaration	NOUN
+.	PUNCT
+
+(	PUNCT
+Since	SCONJ
+the	DET
+Declaration	NOUN
+is	AUX
+written	VERB
+as	SCONJ
+coming	VERB
+from	ADP
+“	PUNCT
+religious	ADJ
+leaders	NOUN
+,	PUNCT
+”	PUNCT
+people	NOUN
+who	PRON
+do	AUX
+n’t	PART
+consider	VERB
+themselves	PRON
+“	PUNCT
+religious	ADJ
+leaders	NOUN
+”	PUNCT
+can	AUX
+sign	VERB
+as	ADP
+“	PUNCT
+Supporters	NOUN
+of	ADP
+the	DET
+North	PROPN
+Carolina	PROPN
+Religious	PROPN
+Coalition	PROPN
+for	ADP
+Marriage	PROPN
+Equality	PROPN
+.	PUNCT
+”	PUNCT
+)	PUNCT
+
+Please	INTJ
+note	VERB
+that	SCONJ
+the	DET
+Declaration	NOUN
+addresses	VERB
+only	ADV
+civil	ADJ
+marriage	NOUN
+;	PUNCT
+it	PRON
+says	VERB
+nothing	PRON
+about	ADP
+religious	ADJ
+beliefs	NOUN
+or	CCONJ
+practices	NOUN
+regarding	VERB
+marriage	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+have	VERB
+any	DET
+questions	NOUN
+please	INTJ
+feel	VERB
+free	ADJ
+to	PART
+call	VERB
+me	PRON
+(	PUNCT
+after	ADP
+Sat.	PROPN
+the	DET
+26th	NOUN
+,	PUNCT
+when	ADV
+I	PRON
+will	AUX
+return	VERB
+from	ADP
+a	DET
+trip	NOUN
+)	PUNCT
+.	PUNCT
+
+Sign	VERB
+-	PUNCT
+up	ADP
+lists	NOUN
+will	AUX
+be	AUX
+available	ADJ
+at	ADP
+the	DET
+services	NOUN
+on	ADP
+Feb.	PROPN
+27	NUM
+and	CCONJ
+March	PROPN
+6	NUM
+,	PUNCT
+or	CCONJ
+you	PRON
+can	AUX
+email	VERB
+me	PRON
+.	PUNCT
+
+I	PRON
+will	AUX
+email	VERB
+names	NOUN
+and	CCONJ
+email	NOUN
+addresses	NOUN
+(	PUNCT
+or	CCONJ
+postal	ADJ
+addresses	NOUN
+)	PUNCT
+of	ADP
+signers	NOUN
+to	ADP
+NCRC4ME	PROPN
+in	ADP
+time	NOUN
+for	ADP
+their	PRON
+“	PUNCT
+lobby	NOUN
+day	NOUN
+”	PUNCT
+in	ADP
+Raleigh	PROPN
+on	ADP
+March	PROPN
+15	NUM
+.	PUNCT
+
+Thank	VERB
+you	PRON
+for	ADP
+your	PRON
+consideration	NOUN
+of	ADP
+this	DET
+issue	NOUN
+.	PUNCT
+
+For	ADP
+the	DET
+Church	PROPN
+of	ADP
+the	DET
+Holy	PROPN
+Spirit	PROPN
+Vestry	PROPN
+,	PUNCT
+
+Dudley	PROPN
+Cate	PROPN
+828-296-8466	NUM
+jodud...@aol.com	X
+
+---------------------------	PUNCT
+
+North	PROPN
+Carolina	PROPN
+Religious	PROPN
+Coalition	PROPN
+for	ADP
+Marriage	PROPN
+Equality	PROPN
+Declaration	NOUN
+of	ADP
+Religious	ADJ
+Leaders	NOUN
+April	PROPN
+19	NUM
+,	PUNCT
+2004	NUM
+
+The	DET
+most	ADV
+fundamental	ADJ
+human	ADJ
+right	NOUN
+,	PUNCT
+after	ADP
+the	DET
+necessities	NOUN
+of	ADP
+food	NOUN
+,	PUNCT
+clothing	NOUN
+and	CCONJ
+shelter	NOUN
+,	PUNCT
+is	AUX
+the	DET
+right	NOUN
+to	ADP
+affection	NOUN
+and	CCONJ
+the	DET
+supportive	ADJ
+love	NOUN
+of	ADP
+other	ADJ
+human	ADJ
+beings	NOUN
+.	PUNCT
+
+We	PRON
+become	VERB
+most	ADV
+fully	ADV
+human	ADJ
+when	ADV
+we	PRON
+love	VERB
+another	DET
+person	NOUN
+.	PUNCT
+
+We	PRON
+can	AUX
+grow	VERB
+in	ADP
+our	PRON
+capacity	NOUN
+to	PART
+be	AUX
+human	ADJ
+-	PUNCT
+to	PART
+be	AUX
+loving	ADJ
+-	PUNCT
+in	ADP
+a	DET
+family	NOUN
+unit	NOUN
+.	PUNCT
+
+This	DET
+right	NOUN
+to	PART
+love	VERB
+and	CCONJ
+form	VERB
+a	DET
+family	NOUN
+is	AUX
+so	ADV
+fundamental	ADJ
+that	SCONJ
+our	PRON
+United	PROPN
+States	PROPN
+Constitution	PROPN
+takes	VERB
+it	PRON
+for	ADP
+granted	VERB
+in	ADP
+its	PRON
+dedication	NOUN
+to	PART
+"	PUNCT
+secure	VERB
+the	DET
+blessings	NOUN
+of	ADP
+liberty	NOUN
+to	ADP
+ourselves	PRON
+and	CCONJ
+our	PRON
+posterity	NOUN
+.	PUNCT
+”	PUNCT
+
+The	DET
+North	PROPN
+Carolina	PROPN
+Constitution	PROPN
+likewise	ADV
+affirms	VERB
+the	DET
+“	PUNCT
+inalienable	ADJ
+rights	NOUN
+”	PUNCT
+of	ADP
+human	ADJ
+beings	NOUN
+to	ADP
+"	PUNCT
+life	NOUN
+,	PUNCT
+liberty	NOUN
+,	PUNCT
+the	DET
+enjoyment	NOUN
+of	ADP
+the	DET
+fruits	NOUN
+of	ADP
+their	PRON
+own	ADJ
+labor	NOUN
+,	PUNCT
+and	CCONJ
+the	DET
+pursuit	NOUN
+of	ADP
+happiness	NOUN
+.	PUNCT
+"	PUNCT
+
+Throughout	ADP
+history	NOUN
+,	PUNCT
+tyrants	NOUN
+have	AUX
+known	VERB
+that	SCONJ
+by	SCONJ
+denying	VERB
+the	DET
+right	NOUN
+of	ADP
+oppressed	VERB
+peoples	NOUN
+to	PART
+form	VERB
+and	CCONJ
+nurture	VERB
+families	NOUN
+,	PUNCT
+they	PRON
+can	AUX
+kill	VERB
+the	DET
+spirit	NOUN
+of	ADP
+those	DET
+peoples	NOUN
+.	PUNCT
+
+>	SYM
+From	ADP
+the	DET
+shameful	ADJ
+history	NOUN
+of	ADP
+slavery	NOUN
+in	ADP
+America	PROPN
+,	PUNCT
+the	DET
+injustice	NOUN
+of	SCONJ
+forbidding	VERB
+people	NOUN
+to	PART
+marry	VERB
+is	AUX
+evident	ADJ
+as	ADP
+a	DET
+denial	NOUN
+of	ADP
+a	DET
+basic	ADJ
+human	ADJ
+right	NOUN
+.	PUNCT
+
+The	DET
+American	ADJ
+laws	NOUN
+forbidding	VERB
+interracial	ADJ
+marriage	NOUN
+,	PUNCT
+now	ADV
+struck	VERB
+down	ADP
+,	PUNCT
+were	AUX
+clearly	ADV
+discriminatory	ADJ
+.	PUNCT
+
+Denial	NOUN
+of	ADP
+the	DET
+status	NOUN
+of	ADP
+marriage	NOUN
+to	ADP
+those	PRON
+who	PRON
+would	AUX
+freely	ADV
+accept	VERB
+its	PRON
+responsibilities	NOUN
+creates	VERB
+legal	ADJ
+and	CCONJ
+economic	ADJ
+inequities	NOUN
+and	CCONJ
+social	ADJ
+injustice	NOUN
+.	PUNCT
+
+We	PRON
+feel	VERB
+called	VERB
+to	PART
+protest	VERB
+and	CCONJ
+oppose	VERB
+this	DET
+injustice	NOUN
+.	PUNCT
+
+As	ADP
+religious	ADJ
+people	NOUN
+,	PUNCT
+clergy	NOUN
+and	CCONJ
+lay	ADJ
+leaders	NOUN
+,	PUNCT
+we	PRON
+are	AUX
+mandated	VERB
+by	ADP
+faith	NOUN
+to	PART
+stand	VERB
+for	ADP
+justice	NOUN
+in	ADP
+our	PRON
+common	ADJ
+civic	ADJ
+life	NOUN
+.	PUNCT
+
+We	PRON
+oppose	VERB
+the	DET
+use	NOUN
+of	ADP
+sacred	ADJ
+texts	NOUN
+and	CCONJ
+religious	ADJ
+traditions	NOUN
+to	PART
+deny	VERB
+legal	ADJ
+equity	NOUN
+to	ADP
+same	ADJ
+-	PUNCT
+gender	NOUN
+couples	NOUN
+.	PUNCT
+
+As	ADP
+concerned	ADJ
+citizens	NOUN
+we	PRON
+affirm	VERB
+the	DET
+liberty	NOUN
+of	ADP
+adults	NOUN
+of	ADP
+the	DET
+same	ADJ
+gender	NOUN
+to	PART
+love	VERB
+and	CCONJ
+marry	VERB
+.	PUNCT
+
+We	PRON
+insist	VERB
+that	SCONJ
+no	DET
+one	NOUN
+,	PUNCT
+especially	ADV
+the	DET
+state	NOUN
+,	PUNCT
+is	AUX
+allowed	VERB
+to	PART
+coerce	VERB
+people	NOUN
+into	ADP
+marriage	NOUN
+or	CCONJ
+bar	VERB
+two	NUM
+consenting	VERB
+adults	NOUN
+,	PUNCT
+whether	SCONJ
+of	ADP
+the	DET
+same	ADJ
+or	CCONJ
+differing	VERB
+genders	NOUN
+,	PUNCT
+from	SCONJ
+forming	VERB
+the	DET
+family	NOUN
+unit	NOUN
+that	PRON
+lets	VERB
+them	PRON
+be	AUX
+more	ADV
+fully	ADV
+loving	ADJ
+,	PUNCT
+thus	ADV
+more	ADV
+fully	ADV
+human	ADJ
+.	PUNCT
+
+We	PRON
+respect	VERB
+the	DET
+fact	NOUN
+that	SCONJ
+debate	NOUN
+and	CCONJ
+discussion	NOUN
+continue	VERB
+in	ADP
+many	ADJ
+of	ADP
+our	PRON
+religious	ADJ
+communities	NOUN
+as	ADP
+to	ADP
+the	DET
+scriptural	ADJ
+,	PUNCT
+theological	ADJ
+and	CCONJ
+liturgical	ADJ
+issues	NOUN
+involved	VERB
+.	PUNCT
+
+However	ADV
+,	PUNCT
+we	PRON
+draw	VERB
+on	ADP
+our	PRON
+many	ADJ
+faith	NOUN
+traditions	NOUN
+to	PART
+arrive	VERB
+at	ADP
+a	DET
+common	ADJ
+conviction	NOUN
+.	PUNCT
+
+We	PRON
+are	AUX
+resolved	VERB
+that	SCONJ
+the	DET
+State	NOUN
+should	AUX
+not	PART
+interfere	VERB
+with	ADP
+same	ADJ
+-	PUNCT
+gender	NOUN
+couples	NOUN
+who	PRON
+choose	VERB
+to	PART
+marry	VERB
+and	CCONJ
+share	VERB
+fully	ADV
+and	CCONJ
+equally	ADV
+in	ADP
+the	DET
+rights	NOUN
+,	PUNCT
+responsibilities	NOUN
+,	PUNCT
+and	CCONJ
+commitments	NOUN
+of	ADP
+civil	ADJ
+marriage	NOUN
+.	PUNCT
+
+We	PRON
+affirm	VERB
+freedom	NOUN
+of	ADP
+conscience	NOUN
+in	ADP
+this	DET
+matter	NOUN
+.	PUNCT
+
+We	PRON
+recognize	VERB
+that	SCONJ
+the	DET
+state	NOUN
+may	AUX
+not	PART
+require	VERB
+religious	ADJ
+groups	NOUN
+to	PART
+officiate	VERB
+at	ADP
+,	PUNCT
+or	CCONJ
+bless	VERB
+,	PUNCT
+same	ADJ
+-	PUNCT
+gender	NOUN
+marriages	NOUN
+.	PUNCT
+
+Likewise	ADV
+,	PUNCT
+a	DET
+denial	NOUN
+of	ADP
+state	NOUN
+civil	ADJ
+recognition	NOUN
+dishonors	VERB
+the	DET
+religious	ADJ
+convictions	NOUN
+of	ADP
+those	DET
+communities	NOUN
+and	CCONJ
+clergy	NOUN
+who	PRON
+officiate	VERB
+at	ADP
+,	PUNCT
+and	CCONJ
+bless	VERB
+,	PUNCT
+same	ADJ
+-	PUNCT
+gender	NOUN
+marriages	NOUN
+.	PUNCT
+
+The	DET
+state	NOUN
+may	AUX
+not	PART
+favor	VERB
+the	DET
+convictions	NOUN
+of	ADP
+one	NUM
+religious	ADJ
+group	NOUN
+over	ADP
+another	DET
+by	SCONJ
+denying	VERB
+individuals	NOUN
+their	PRON
+fundamental	ADJ
+right	NOUN
+to	PART
+marry	VERB
+and	CCONJ
+to	PART
+have	VERB
+those	DET
+marriages	NOUN
+recognized	VERB
+by	ADP
+civil	ADJ
+law	NOUN
+.	PUNCT
+
+As	ADP
+faith	NOUN
+leaders	NOUN
+,	PUNCT
+we	PRON
+commit	VERB
+ourselves	PRON
+to	ADP
+public	ADJ
+action	NOUN
+,	PUNCT
+visibility	NOUN
+,	PUNCT
+education	NOUN
+,	PUNCT
+and	CCONJ
+mutual	ADJ
+support	NOUN
+in	ADP
+the	DET
+service	NOUN
+of	ADP
+the	DET
+right	NOUN
+and	CCONJ
+freedom	NOUN
+to	PART
+marry	VERB
+.	PUNCT
+
+--	PUNCT
+
+Tom	PROPN
+Dempsey	PROPN
+Gulf	PROPN
+Breeze	PROPN
+,	PUNCT
+FL	PROPN
+850-748-0740	NUM
+
+Email	NOUN
+:	PUNCT
+Bill	PROPN
+McGinnis	PROPN
+<	PUNCT
+bmc...@patriot.net	X
+>	PUNCT
+
+The	DET
+One	NUM
+Reason	NOUN
+Why	ADV
+All	DET
+Americans	PROPN
+Should	AUX
+Oppose	VERB
+The	DET
+Nomination	NOUN
+Of	ADP
+Samuel	PROPN
+Alito	PROPN
+
+He	PRON
+Would	AUX
+Tear	VERB
+Down	ADP
+Our	PRON
+System	NOUN
+Of	ADP
+Checks	NOUN
+And	CCONJ
+Balances	NOUN
+,	PUNCT
+Giving	VERB
+Far	ADV
+Too	ADV
+Much	ADJ
+Power	NOUN
+To	ADP
+The	DET
+President	PROPN
+
+My	PRON
+Fellow	ADJ
+Americans	PROPN
+:	PUNCT
+
+As	SCONJ
+many	ADJ
+of	ADP
+you	PRON
+may	AUX
+have	AUX
+heard	VERB
+,	PUNCT
+President	PROPN
+Bush	PROPN
+has	AUX
+nominated	VERB
+a	DET
+long	ADJ
+-	PUNCT
+time	NOUN
+Federal	ADJ
+Judge	NOUN
+named	VERB
+Samuel	PROPN
+Alito	PROPN
+to	PART
+become	VERB
+the	DET
+next	ADJ
+member	NOUN
+of	ADP
+the	DET
+United	PROPN
+States	PROPN
+Supreme	PROPN
+Court	PROPN
+,	PUNCT
+to	PART
+fill	VERB
+a	DET
+vacancy	NOUN
+created	VERB
+by	ADP
+the	DET
+retirement	NOUN
+of	ADP
+another	DET
+member	NOUN
+of	ADP
+the	DET
+Court	NOUN
+.	PUNCT
+
+Under	ADP
+our	PRON
+Constitution	NOUN
+,	PUNCT
+this	DET
+nomination	NOUN
+can	AUX
+not	PART
+take	VERB
+effect	NOUN
+unless	SCONJ
+and	CCONJ
+until	SCONJ
+the	DET
+United	PROPN
+States	PROPN
+Senate	PROPN
+gives	VERB
+its	PRON
+Consent	NOUN
+,	PUNCT
+as	SCONJ
+described	VERB
+in	ADP
+our	PRON
+Constitution	NOUN
+,	PUNCT
+Article	NOUN
+II	NUM
+,	PUNCT
+Section	NOUN
+2	NUM
+.	PUNCT
+
+A	DET
+copy	NOUN
+of	ADP
+the	DET
+Constitution	NOUN
+,	PUNCT
+with	ADP
+links	NOUN
+back	ADV
+to	ADP
+the	DET
+official	ADJ
+source	NOUN
+,	PUNCT
+is	AUX
+located	VERB
+at	ADP
+http://loveallpeople.org/usconstitutiona.txt	X
+
+Judge	NOUN
+Samuel	PROPN
+Alito	PROPN
+is	AUX
+very	ADV
+highly	ADV
+qualified	ADJ
+by	ADP
+all	DET
+of	ADP
+the	DET
+normal	ADJ
+standards	NOUN
+used	VERB
+to	PART
+evaluate	VERB
+candidates	NOUN
+for	ADP
+this	DET
+position	NOUN
+:	PUNCT
+
+He	PRON
+has	VERB
+a	DET
+very	ADV
+high	ADJ
+intellect	NOUN
+.	PUNCT
+
+He	PRON
+graduated	VERB
+very	ADV
+high	ADV
+in	ADP
+his	PRON
+class	NOUN
+,	PUNCT
+from	ADP
+Princeton	PROPN
+undergraduate	NOUN
+and	CCONJ
+from	ADP
+Law	NOUN
+School	NOUN
+at	ADP
+Yale	PROPN
+.	PUNCT
+
+He	PRON
+has	VERB
+a	DET
+long	ADJ
+and	CCONJ
+distinguished	ADJ
+record	NOUN
+,	PUNCT
+including	VERB
+many	ADJ
+years	NOUN
+as	ADP
+a	DET
+Federal	ADJ
+Appeals	NOUN
+Judge	NOUN
+,	PUNCT
+the	DET
+next	ADJ
+level	NOUN
+below	ADP
+Supreme	PROPN
+Court	PROPN
+.	PUNCT
+
+He	PRON
+has	VERB
+encyclopedic	ADJ
+knowledge	NOUN
+of	ADP
+hundreds	NOUN
+of	ADP
+different	ADJ
+Supreme	PROPN
+Court	PROPN
+cases	NOUN
+,	PUNCT
+and	CCONJ
+he	PRON
+can	AUX
+recite	VERB
+details	NOUN
+from	ADP
+memory	NOUN
+.	PUNCT
+
+He	PRON
+demonstrates	VERB
+an	DET
+excellent	ADJ
+"	PUNCT
+Judicial	ADJ
+Temperament	NOUN
+,	PUNCT
+"	PUNCT
+being	AUX
+courteous	ADJ
+,	PUNCT
+mild	ADJ
+-	PUNCT
+mannered	ADJ
+,	PUNCT
+respectful	ADJ
+of	ADP
+all	DET
+people	NOUN
+;	PUNCT
+careful	ADJ
+in	ADP
+his	PRON
+work	NOUN
+,	PUNCT
+meticulous	ADJ
+in	ADP
+detail	NOUN
+.	PUNCT
+
+His	PRON
+co-workers	NOUN
+love	VERB
+him	PRON
+.	PUNCT
+
+His	PRON
+fellow	ADJ
+judges	NOUN
+love	VERB
+him	PRON
+.	PUNCT
+
+His	PRON
+family	NOUN
+loves	VERB
+him	PRON
+.	PUNCT
+
+President	PROPN
+Bush	PROPN
+loves	VERB
+him	PRON
+.	PUNCT
+
+Yes	INTJ
+,	PUNCT
+it	PRON
+is	AUX
+true	ADJ
+that	SCONJ
+some	DET
+people	NOUN
+do	AUX
+n't	PART
+like	VERB
+the	DET
+way	NOUN
+they	PRON
+think	VERB
+he	PRON
+will	AUX
+vote	VERB
+on	ADP
+the	DET
+Supreme	PROPN
+Court	PROPN
+.	PUNCT
+
+But	CCONJ
+other	ADJ
+people	NOUN
+do	AUX
+like	VERB
+the	DET
+way	NOUN
+they	PRON
+think	VERB
+he	PRON
+will	AUX
+vote	VERB
+,	PUNCT
+and	CCONJ
+the	DET
+ones	NOUN
+who	PRON
+favor	VERB
+him	PRON
+seem	VERB
+to	PART
+outnumber	VERB
+the	DET
+ones	NOUN
+who	PRON
+oppose	VERB
+him	PRON
+.	PUNCT
+
+So	ADV
+now	ADV
+the	DET
+Senate	PROPN
+is	AUX
+getting	VERB
+ready	ADJ
+to	PART
+vote	VERB
+soon	ADV
+,	PUNCT
+on	SCONJ
+whether	SCONJ
+to	PART
+approve	VERB
+him	PRON
+or	CCONJ
+not	PART
+;	PUNCT
+and	CCONJ
+at	ADP
+this	DET
+moment	NOUN
+(	PUNCT
+evening	NOUN
+of	ADP
+Jan.	PROPN
+27	NUM
+,	PUNCT
+2006	NUM
+)	PUNCT
+it	PRON
+looks	VERB
+like	SCONJ
+he	PRON
+has	VERB
+more	ADJ
+than	ADP
+the	DET
+fifty	NUM
+-	PUNCT
+one	NUM
+votes	NOUN
+needed	VERB
+for	ADP
+approval	NOUN
+.	PUNCT
+
+The	DET
+President	PROPN
+is	AUX
+very	ADV
+eager	ADJ
+to	PART
+go	VERB
+ahead	ADV
+quickly	ADV
+and	CCONJ
+get	VERB
+this	DET
+vote	NOUN
+,	PUNCT
+because	SCONJ
+he	PRON
+very	ADV
+much	ADV
+wants	VERB
+to	PART
+have	VERB
+Samuel	PROPN
+Alito	PROPN
+on	ADP
+the	DET
+Supreme	PROPN
+Court	PROPN
+,	PUNCT
+to	PART
+be	AUX
+judging	VERB
+the	DET
+cases	NOUN
+Bush	PROPN
+is	AUX
+interested	ADJ
+in	ADP
+.	PUNCT
+
+So	ADV
+there	PRON
+is	VERB
+a	DET
+lot	NOUN
+of	ADP
+hurry	VERB
+-	PUNCT
+up	ADP
+pressure	NOUN
+on	ADP
+the	DET
+Senate	PROPN
+to	PART
+give	VERB
+its	PRON
+prompt	ADJ
+vote	NOUN
+of	ADP
+approval	NOUN
+.	PUNCT
+
+There	PRON
+is	VERB
+an	DET
+old	ADJ
+saying	NOUN
+that	PRON
+applies	VERB
+in	ADP
+this	DET
+situation	NOUN
+:	PUNCT
+"	PUNCT
+Act	VERB
+in	ADP
+haste	NOUN
+,	PUNCT
+repent	VERB
+at	ADP
+leisure	NOUN
+.	PUNCT
+"	PUNCT
+
+Sometimes	ADV
+you	PRON
+can	AUX
+make	VERB
+a	DET
+bad	ADJ
+decision	NOUN
+very	ADV
+quickly	ADV
+,	PUNCT
+then	ADV
+regret	VERB
+it	PRON
+for	ADP
+many	ADJ
+years	NOUN
+to	PART
+come	VERB
+.	PUNCT
+
+That	PRON
+is	AUX
+what	PRON
+is	AUX
+about	ADJ
+to	PART
+happen	VERB
+with	ADP
+Judge	NOUN
+Samuel	PROPN
+Alito	PROPN
+,	PUNCT
+in	ADP
+my	PRON
+opinion	NOUN
+,	PUNCT
+because	SCONJ
+he	PRON
+has	VERB
+one	NUM
+tragic	ADJ
+flaw	NOUN
+-	PUNCT
+a	DET
+very	ADV
+serious	ADJ
+blind	ADJ
+spot	NOUN
+in	ADP
+his	PRON
+thinking	NOUN
+-	PUNCT
+which	PRON
+makes	VERB
+him	PRON
+completely	ADV
+unacceptable	ADJ
+for	ADP
+the	DET
+position	NOUN
+of	ADP
+Supreme	PROPN
+Court	PROPN
+Justice	NOUN
+:	PUNCT
+He	PRON
+does	AUX
+not	PART
+really	ADV
+agree	VERB
+with	ADP
+the	DET
+system	NOUN
+of	ADP
+"	PUNCT
+Checks	NOUN
+and	CCONJ
+Balances	NOUN
+"	PUNCT
+built	VERB
+into	ADP
+the	DET
+Constitution	NOUN
+,	PUNCT
+and	CCONJ
+he	PRON
+is	AUX
+ready	ADJ
+to	PART
+start	VERB
+tearing	VERB
+it	PRON
+down	ADP
+in	ADP
+order	NOUN
+to	PART
+follow	VERB
+the	DET
+"	PUNCT
+Unitary	PROPN
+Executive	PROPN
+Theory	PROPN
+,	PUNCT
+"	PUNCT
+which	PRON
+calls	VERB
+for	ADP
+vastly	ADV
+-	PUNCT
+increased	VERB
+Presidential	ADJ
+Power	NOUN
+at	ADP
+the	DET
+expense	NOUN
+of	ADP
+Congress	PROPN
+and	CCONJ
+the	DET
+Supreme	PROPN
+Court	PROPN
+.	PUNCT
+
+And	CCONJ
+because	ADP
+of	ADP
+this	DET
+tragic	ADJ
+flaw	NOUN
+.	PUNCT
+.	PUNCT
+.	PUNCT
+
+"	PUNCT
+He	PRON
+Would	AUX
+Tear	VERB
+Down	ADP
+Our	PRON
+System	NOUN
+Of	ADP
+Checks	NOUN
+And	CCONJ
+Balances	NOUN
+,	PUNCT
+Giving	VERB
+Far	ADV
+Too	ADV
+Much	ADJ
+Power	NOUN
+To	ADP
+The	DET
+President	PROPN
+.	PUNCT
+"	PUNCT
+
+In	ADP
+our	PRON
+Constitutional	ADJ
+system	NOUN
+,	PUNCT
+we	PRON
+have	VERB
+three	NUM
+branches	NOUN
+of	ADP
+the	DET
+Federal	PROPN
+Government	PROPN
+:	PUNCT
+the	DET
+Legislative	ADJ
+,	PUNCT
+Executive	ADJ
+,	PUNCT
+and	CCONJ
+Judicial	ADJ
+branches	NOUN
+.	PUNCT
+
+And	CCONJ
+the	DET
+basic	ADJ
+idea	NOUN
+behind	ADP
+the	DET
+Checks	NOUN
+and	CCONJ
+Balances	NOUN
+we	PRON
+have	VERB
+is	VERB
+that	SCONJ
+if	SCONJ
+one	NUM
+branch	NOUN
+of	ADP
+the	DET
+Government	NOUN
+goes	VERB
+crazy	ADJ
+,	PUNCT
+the	DET
+other	ADJ
+two	NUM
+can	AUX
+hold	VERB
+it	PRON
+down	ADV
+.	PUNCT
+
+But	CCONJ
+Samuel	PROPN
+Alito	PROPN
+believes	VERB
+in	ADP
+a	DET
+little	ADV
+-	PUNCT
+known	VERB
+Constitutional	ADJ
+theory	NOUN
+-	PUNCT
+called	VERB
+the	DET
+"	PUNCT
+Unitary	PROPN
+Executive	PROPN
+Theory	PROPN
+"	PUNCT
+-	PUNCT
+which	PRON
+says	VERB
+that	SCONJ
+the	DET
+President	PROPN
+should	AUX
+have	VERB
+complete	ADJ
+control	NOUN
+over	ADP
+the	DET
+Executive	ADJ
+Branch	NOUN
+,	PUNCT
+and	CCONJ
+that	SCONJ
+the	DET
+Executive	ADJ
+Branch	NOUN
+should	AUX
+be	AUX
+in	ADP
+charge	NOUN
+of	ADP
+almost	ADV
+everything	PRON
+that	PRON
+the	DET
+Government	NOUN
+actually	ADV
+does	VERB
+,	PUNCT
+including	VERB
+the	DET
+functions	NOUN
+of	ADP
+the	DET
+Independent	ADJ
+Agencies	NOUN
+which	PRON
+were	AUX
+designed	VERB
+to	PART
+be	AUX
+free	ADJ
+of	ADP
+Presidential	ADJ
+control	NOUN
+,	PUNCT
+and	CCONJ
+the	DET
+Military	NOUN
+,	PUNCT
+which	PRON
+exists	VERB
+,	PUNCT
+which	PRON
+is	AUX
+regulated	VERB
+,	PUNCT
+and	CCONJ
+which	PRON
+is	AUX
+funded	VERB
+by	ADP
+specific	ADJ
+authority	NOUN
+given	VERB
+by	ADP
+the	DET
+Constitution	NOUN
+to	ADP
+Congress	PROPN
+,	PUNCT
+not	ADV
+to	ADP
+the	DET
+President	PROPN
+.	PUNCT
+
+The	DET
+Military	NOUN
+is	AUX
+not	PART
+part	NOUN
+of	ADP
+the	DET
+Executive	ADJ
+Branch	NOUN
+:	PUNCT
+it	PRON
+is	AUX
+a	DET
+separate	ADJ
+entity	NOUN
+.	PUNCT
+
+"	PUNCT
+Commander	PROPN
+In	ADP
+Chief	PROPN
+"	PUNCT
+does	AUX
+n't	PART
+mean	VERB
+that	SCONJ
+he	PRON
+is	AUX
+the	DET
+boss	NOUN
+of	ADP
+the	DET
+Military	NOUN
+,	PUNCT
+merely	ADV
+that	SCONJ
+he	PRON
+is	AUX
+the	DET
+Administrator	NOUN
+,	PUNCT
+just	ADV
+as	SCONJ
+he	PRON
+is	AUX
+the	DET
+Administrator	NOUN
+of	ADP
+the	DET
+Executive	ADJ
+Branch	NOUN
+,	PUNCT
+charged	VERB
+with	SCONJ
+"	PUNCT
+executing	VERB
+faithfully	ADV
+"	PUNCT
+all	DET
+the	DET
+laws	NOUN
+passed	VERB
+by	ADP
+Congress	PROPN
+and	CCONJ
+all	DET
+the	DET
+Decisions	NOUN
+rendered	VERB
+by	ADP
+the	DET
+Supreme	PROPN
+Court	PROPN
+.	PUNCT
+
+Under	ADP
+the	DET
+Unitary	PROPN
+Executive	PROPN
+Theory	PROPN
+,	PUNCT
+the	DET
+Laws	NOUN
+of	ADP
+Congress	PROPN
+and	CCONJ
+Decisions	NOUN
+of	ADP
+the	DET
+Supreme	PROPN
+Court	PROPN
+have	VERB
+no	DET
+actual	ADJ
+authority	NOUN
+unless	SCONJ
+the	DET
+President	PROPN
+agrees	VERB
+with	ADP
+them	PRON
+.	PUNCT
+
+And	CCONJ
+so	ADV
+Congress	PROPN
+and	CCONJ
+the	DET
+Supreme	PROPN
+Court	PROPN
+become	VERB
+mere	ADJ
+advisors	NOUN
+to	ADP
+the	DET
+President	PROPN
+,	PUNCT
+with	ADP
+no	DET
+real	ADJ
+authority	NOUN
+over	ADP
+him	PRON
+.	PUNCT
+
+And	CCONJ
+the	DET
+President	PROPN
+becomes	VERB
+a	DET
+Dictator	NOUN
+,	PUNCT
+unrestrained	ADJ
+by	ADP
+anything	PRON
+in	ADP
+the	DET
+Constitution	NOUN
+,	PUNCT
+backed	VERB
+up	ADP
+by	ADP
+the	DET
+Armed	ADJ
+Forces	NOUN
+,	PUNCT
+which	PRON
+would	AUX
+be	AUX
+entirely	ADV
+under	ADP
+his	PRON
+personal	ADJ
+control	NOUN
+.	PUNCT
+
+And	CCONJ
+thus	ADV
+the	DET
+United	PROPN
+States	PROPN
+of	ADP
+America	PROPN
+-	PUNCT
+The	DET
+Land	NOUN
+Of	ADP
+The	DET
+Free	ADJ
+And	CCONJ
+The	DET
+Home	NOUN
+Of	ADP
+The	DET
+Brave	ADJ
+-	PUNCT
+becomes	VERB
+just	ADV
+another	DET
+Military	ADJ
+Dictatorship	NOUN
+,	PUNCT
+no	ADV
+better	ADJ
+than	ADP
+Nazi	PROPN
+Germany	PROPN
+or	CCONJ
+Fascist	ADJ
+Italy	PROPN
+during	ADP
+World	PROPN
+War	PROPN
+II	NUM
+.	PUNCT
+
+AND	CCONJ
+THAT	PRON
+IS	AUX
+WHY	ADV
+ALL	DET
+AMERICANS	PROPN
+SHOULD	AUX
+OPPOSE	VERB
+THE	DET
+NOMINATION	NOUN
+OF	ADP
+SAMUEL	PROPN
+ALITO	PROPN
+.	PUNCT
+
+For	ADP
+details	NOUN
+and	CCONJ
+further	ADJ
+proof	NOUN
+,	PUNCT
+please	INTJ
+see	VERB
+these	DET
+websites	NOUN
+:	PUNCT
+
+Testimony	NOUN
+at	ADP
+http://judiciary.senate.gov/testimony.cfm?id=1725&wit_id=4905	X
+
+Descriptions	NOUN
+and	CCONJ
+Links	NOUN
+at	ADP
+http://www.UnitaryExecutive.net	X
+
+Blessings	NOUN
+to	ADP
+you	PRON
+.	PUNCT
+
+May	AUX
+God	PROPN
+help	VERB
+us	PRON
+all	DET
+.	PUNCT
+
+And	CCONJ
+may	AUX
+God	PROPN
+bless	VERB
+America	PROPN
+!	PUNCT
+
+Rev.	PROPN
+Bill	PROPN
+McGinnis	PROPN
+,	PUNCT
+Director	NOUN
+http://www.LoveAllPeople.org	X
+and	CCONJ
+http://www.InternetchurchOfChrist.org	X
+
+Copies	NOUN
+of	ADP
+this	DET
+message	NOUN
+are	AUX
+located	VERB
+below	ADV
+.	PUNCT
+
+If	SCONJ
+you	PRON
+want	VERB
+to	PART
+help	VERB
+,	PUNCT
+please	INTJ
+send	VERB
+them	PRON
+to	ADP
+everyone	PRON
+you	PRON
+know	VERB
+who	PRON
+needs	VERB
+to	PART
+read	VERB
+them	PRON
+.	PUNCT
+
+http://www.loveallpeople.org/theonereasonwhy.html	X
+and	CCONJ
+http://www.loveallpeople.org/theonereasonwhy.txt	X
+
+###	SYM
+
+CONTACT	VERB
+William	PROPN
+McGinnis	PROPN
+(	PUNCT
+Rev.	PROPN
+Bill	PROPN
+McGinnis	PROPN
+)	PUNCT
+1908	NUM
+Mt	PROPN
+Vernon	PROPN
+Ave	PROPN
+#	NOUN
+2543	NUM
+Alexandria	PROPN
+,	PUNCT
+VA	PROPN
+22301	NUM
+7037686710	NUM
+bmc...@patriot.net	X
+
+Reply	VERB
+
+NASA	PROPN
+&	CCONJ
+Company	NOUN
+Diplomacy	NOUN
+-	PUNCT
+Trying	VERB
+to	PART
+keep	VERB
+Moon	NOUN
+Landing	NOUN
+Hoax	NOUN
+a	DET
+secret	NOUN
+in	ADP
+modern	ADJ
+times	NOUN
+
+Some	DET
+strategies	NOUN
+being	AUX
+used	VERB
+by	ADP
+NASA	PROPN
+&	CCONJ
+Company	NOUN
+in	ADP
+relation	NOUN
+to	ADP
+China	PROPN
+and	CCONJ
+other	ADJ
+space	NOUN
+planning	VERB
+countries	NOUN
+are	AUX
+mentioned	VERB
+here	ADV
+after	SCONJ
+being	AUX
+gleaned	VERB
+from	ADP
+a	DET
+news	NOUN
+item	NOUN
+underneath	ADV
+.	PUNCT
+
+Country	NOUN
+has	VERB
+an	DET
+Independent	ADJ
+strategy	NOUN
+=	PUNCT
+NASA	PROPN
+&	CCONJ
+company	NOUN
+to	PART
+use	VERB
+"	PUNCT
+Numero	NOUN
+Uno	NOUN
+"	PUNCT
+strategy	NOUN
+,	PUNCT
+try	VERB
+to	PART
+assert	VERB
+,	PUNCT
+beat	VERB
+,	PUNCT
+mesh	VERB
+and	CCONJ
+control	VERB
+the	DET
+space	NOUN
+program	NOUN
+of	ADP
+the	DET
+country	NOUN
+.	PUNCT
+
+This	PRON
+can	AUX
+also	ADV
+be	AUX
+through	ADP
+political	ADJ
+,	PUNCT
+economical	ADJ
+,	PUNCT
+social	ADJ
+,	PUNCT
+and	CCONJ
+technological	ADJ
+influence	NOUN
+.	PUNCT
+
+Country	NOUN
+not	ADV
+open	ADJ
+or	CCONJ
+not	PART
+have	VERB
+fixed	VERB
+strategy	NOUN
+=	PUNCT
+NASA	PROPN
+&	CCONJ
+Company	NOUN
+to	PART
+use	VERB
+"	PUNCT
+freeze	NOUN
+thawed	NOUN
+"	PUNCT
+strategy	NOUN
+especially	ADV
+when	ADV
+the	DET
+country	NOUN
+has	VERB
+a	DET
+challenging	ADJ
+,	PUNCT
+growing	VERB
+and	CCONJ
+ambitious	ADJ
+space	NOUN
+program	NOUN
+.	PUNCT
+
+This	PRON
+can	AUX
+also	ADV
+be	AUX
+through	ADP
+political	ADJ
+,	PUNCT
+economical	ADJ
+,	PUNCT
+social	ADJ
+,	PUNCT
+and	CCONJ
+technological	ADJ
+influence	NOUN
+.	PUNCT
+
+Dependant	ADJ
+=	PUNCT
+NASA	PROPN
+&	CCONJ
+Company	NOUN
+to	PART
+use	VERB
+"	PUNCT
+space	NOUN
+station	NOUN
+"	PUNCT
+model	NOUN
+to	PART
+unify	VERB
+the	DET
+aims	NOUN
+of	ADP
+different	ADJ
+countries	NOUN
+.	PUNCT
+
+This	PRON
+is	AUX
+really	ADV
+an	DET
+end	NOUN
+goal	NOUN
+aim	NOUN
+of	ADP
+NASA	PROPN
+&	CCONJ
+Company	NOUN
+and	CCONJ
+also	ADV
+does	AUX
+not	PART
+allow	VERB
+anyone	PRON
+challenging	VERB
+the	DET
+moon	NOUN
+landing	NOUN
+hoax	NOUN
+.	PUNCT
+
+The	DET
+target	NOUN
+for	ADP
+NASA	PROPN
+&	CCONJ
+Company	PROPN
+probably	ADV
+to	PART
+get	VERB
+by	ADP
+2018	NUM
+all	DET
+the	DET
+ambitious	ADJ
+space	NOUN
+program	NOUN
+countries	NOUN
+shifting	VERB
+towards	ADP
+this	DET
+model	NOUN
+,	PUNCT
+through	ADP
+the	DET
+propaganda	NOUN
+of	ADP
+another	DET
+moon	NOUN
+mission	NOUN
+;	PUNCT
+deliberately	ADV
+failing	VERB
+this	PRON
+or	CCONJ
+trying	VERB
+hard	ADV
+for	ADP
+another	DET
+moon	NOUN
+landing	NOUN
+hoax	NOUN
+;	PUNCT
+achieving	VERB
+the	DET
+real	ADJ
+aim	NOUN
+of	ADP
+space	NOUN
+unity	NOUN
+between	ADP
+space	NOUN
+programs	NOUN
+of	ADP
+other	ADJ
+countries	NOUN
+.	PUNCT
+
+China	PROPN
+launches	VERB
+its	PRON
+second	ADJ
+manned	ADJ
+spaceflight	NOUN
+mission	NOUN
+
+Secretive	ADJ
+efforts	NOUN
+keep	VERB
+outsiders	NOUN
+in	ADP
+the	DET
+dark	NOUN
+about	ADP
+the	DET
+program	NOUN
+'s	PART
+goals	NOUN
+
+By	ADP
+MARK	PROPN
+CARREAU	PROPN
+
+Copyright	NOUN
+2005	NUM
+Houston	PROPN
+Chronicle	PROPN
+
+Reuters	PROPN
+
+China	PROPN
+launched	VERB
+Shenzhou	PROPN
+VI	PROPN
+,	PUNCT
+its	PRON
+second	ADJ
+manned	ADJ
+spacecraft	NOUN
+,	PUNCT
+early	ADV
+today	NOUN
+in	ADP
+northwest	ADJ
+China	PROPN
+'s	PART
+Gansu	PROPN
+Province	PROPN
+.	PUNCT
+
+A	DET
+pair	NOUN
+of	ADP
+military	ADJ
+pilots	NOUN
+embarked	VERB
+on	ADP
+China	PROPN
+'s	PART
+second	ADV
+manned	ADJ
+space	NOUN
+flight	NOUN
+early	ADV
+today	NOUN
+,	PUNCT
+hurtling	VERB
+into	ADP
+orbit	NOUN
+on	ADP
+a	DET
+test	NOUN
+mission	NOUN
+that	PRON
+could	AUX
+span	VERB
+five	NUM
+days	NOUN
+.	PUNCT
+
+The	DET
+crew	NOUN
+of	ADP
+the	DET
+Shenzhou	PROPN
+VI	PROPN
+spacecraft	NOUN
+was	AUX
+identified	VERB
+as	ADP
+Fei	PROPN
+Junlong	PROPN
+,	PUNCT
+40	NUM
+,	PUNCT
+and	CCONJ
+Nie	PROPN
+Haishen	PROPN
+,	PUNCT
+41	NUM
+,	PUNCT
+by	ADP
+China	PROPN
+'s	PART
+official	ADJ
+news	NOUN
+agency	NOUN
+.	PUNCT
+
+The	DET
+successful	ADJ
+launch	NOUN
+from	ADP
+the	DET
+Jiuquan	PROPN
+Satellite	PROPN
+Launch	PROPN
+Center	PROPN
+in	ADP
+northwest	ADJ
+China	PROPN
+follows	VERB
+the	DET
+solo	ADJ
+flight	NOUN
+of	ADP
+Yang	PROPN
+Liwei	PROPN
+in	ADP
+October	PROPN
+2003	NUM
+.	PUNCT
+
+His	PRON
+one	NUM
+-	PUNCT
+day	NOUN
+mission	NOUN
+vaulted	VERB
+his	PRON
+communist	ADJ
+homeland	NOUN
+into	ADP
+the	DET
+elite	ADJ
+circle	NOUN
+of	ADP
+spacefaring	ADJ
+nations	NOUN
+-	PUNCT
+Russia	PROPN
+and	CCONJ
+the	DET
+United	PROPN
+States	PROPN
+-	PUNCT
+that	PRON
+can	AUX
+launch	VERB
+and	CCONJ
+sustain	VERB
+humans	NOUN
+in	ADP
+space	NOUN
+.	PUNCT
+
+Most	ADJ
+experts	NOUN
+believe	VERB
+China	PROPN
+intends	VERB
+to	PART
+develop	VERB
+a	DET
+small	ADJ
+space	NOUN
+station	NOUN
+of	ADP
+its	PRON
+own	ADJ
+over	ADP
+the	DET
+next	ADJ
+several	ADJ
+years	NOUN
+.	PUNCT
+
+But	CCONJ
+they	PRON
+remain	VERB
+uncertain	ADJ
+about	SCONJ
+whether	SCONJ
+China	PROPN
+aims	VERB
+to	PART
+beat	VERB
+the	DET
+United	PROPN
+States	PROPN
+to	ADP
+the	DET
+moon	NOUN
+in	ADP
+its	PRON
+secretive	ADJ
+space	NOUN
+effort	NOUN
+.	PUNCT
+
+President	PROPN
+Bush	PROPN
+has	AUX
+directed	VERB
+NASA	PROPN
+to	PART
+return	VERB
+to	ADP
+the	DET
+moon	NOUN
+by	ADP
+2018	NUM
+with	ADP
+a	DET
+new	ADJ
+generation	NOUN
+of	ADP
+human	ADJ
+explorers	NOUN
+.	PUNCT
+
+China	PROPN
+'s	PART
+"	PUNCT
+is	AUX
+not	PART
+a	DET
+fly	VERB
+-	PUNCT
+by	ADP
+-	PUNCT
+night	NOUN
+program	NOUN
+,	PUNCT
+"	PUNCT
+said	VERB
+Joan	PROPN
+Johnson	PROPN
+-	PUNCT
+Freese	PROPN
+,	PUNCT
+an	DET
+expert	NOUN
+on	ADP
+national	ADJ
+security	NOUN
+who	PRON
+follows	VERB
+space	NOUN
+developments	NOUN
+in	ADP
+the	DET
+Asian	ADJ
+nation	NOUN
+at	ADP
+the	DET
+Naval	PROPN
+War	PROPN
+College	PROPN
+in	ADP
+Newport	PROPN
+,	PUNCT
+R.I	PROPN
+.	PUNCT
+
+"	PUNCT
+They	PRON
+are	AUX
+not	PART
+in	ADP
+any	DET
+hurry	NOUN
+.	PUNCT
+
+They	PRON
+want	VERB
+a	DET
+program	NOUN
+that	PRON
+will	AUX
+be	AUX
+a	DET
+success	NOUN
+,	PUNCT
+"	PUNCT
+Johnson	PROPN
+-	PUNCT
+Freese	PROPN
+said	VERB
+.	PUNCT
+
+"	PUNCT
+They	PRON
+are	AUX
+not	PART
+going	VERB
+to	PART
+rush	VERB
+it	PRON
+,	PUNCT
+because	SCONJ
+they	PRON
+do	AUX
+n't	PART
+want	VERB
+it	PRON
+to	PART
+be	AUX
+a	DET
+budget	NOUN
+buster	NOUN
+.	PUNCT
+
+Economics	NOUN
+will	AUX
+be	AUX
+a	DET
+big	ADJ
+determiner	NOUN
+in	ADP
+the	DET
+speed	NOUN
+of	ADP
+their	PRON
+program	NOUN
+.	PUNCT
+"	PUNCT
+
+China	PROPN
+'s	PART
+overtures	NOUN
+to	PART
+join	VERB
+the	DET
+U.S.	PROPN
+-	PUNCT
+led	VERB
+effort	NOUN
+to	PART
+develop	VERB
+the	DET
+16	NUM
+-	PUNCT
+nation	NOUN
+international	ADJ
+space	NOUN
+station	NOUN
+have	AUX
+been	AUX
+thwarted	VERB
+for	ADP
+more	ADJ
+than	ADP
+a	DET
+decade	NOUN
+over	ADP
+a	DET
+range	NOUN
+of	ADP
+issues	NOUN
+,	PUNCT
+including	VERB
+the	DET
+Asian	ADJ
+country	NOUN
+'s	PART
+human	ADJ
+rights	NOUN
+policies	NOUN
+and	CCONJ
+worries	NOUN
+it	PRON
+could	AUX
+acquire	VERB
+technologies	NOUN
+that	PRON
+could	AUX
+pose	VERB
+a	DET
+security	NOUN
+threat	NOUN
+.	PUNCT
+
+The	DET
+freeze	NOUN
+thawed	VERB
+some	ADV
+after	ADP
+Yang	PROPN
+'s	PART
+2003	NUM
+mission	NOUN
+.	PUNCT
+
+China	PROPN
+was	AUX
+among	ADP
+30	NUM
+nations	NOUN
+invited	VERB
+to	PART
+send	VERB
+a	DET
+delegate	NOUN
+to	ADP
+NASA	PROPN
+-	PUNCT
+sponsored	VERB
+roundtable	NOUN
+discussions	NOUN
+on	ADP
+Bush	PROPN
+'s	PART
+strategy	NOUN
+to	PART
+reach	VERB
+the	DET
+moon	NOUN
+with	ADP
+astronauts	NOUN
+as	ADP
+the	DET
+first	ADJ
+step	NOUN
+in	ADP
+the	DET
+exploration	NOUN
+of	ADP
+Mars	PROPN
+and	CCONJ
+other	ADJ
+-	PUNCT
+deep	ADJ
+space	NOUN
+destinations	NOUN
+.	PUNCT
+
+"	PUNCT
+We	PRON
+applaud	VERB
+China	PROPN
+'s	PART
+space	NOUN
+achievements	NOUN
+,	PUNCT
+"	PUNCT
+NASA	PROPN
+spokesman	NOUN
+Allard	PROPN
+Beutel	PROPN
+said	VERB
+Tuesday	PROPN
+.	PUNCT
+
+"	PUNCT
+We	PRON
+wish	VERB
+them	PRON
+a	DET
+successful	ADJ
+return	NOUN
+of	ADP
+their	PRON
+astronauts	NOUN
+.	PUNCT
+"	PUNCT
+
+He	PRON
+stressed	VERB
+,	PUNCT
+however	ADV
+,	PUNCT
+that	SCONJ
+NASA	PROPN
+would	AUX
+not	PART
+follow	VERB
+this	DET
+week	NOUN
+'s	PART
+Chinese	ADJ
+mission	NOUN
+through	ADP
+formal	ADJ
+channels	NOUN
+.	PUNCT
+
+At	ADP
+present	ADJ
+,	PUNCT
+there	PRON
+are	VERB
+no	DET
+plans	NOUN
+for	ADP
+additional	ADJ
+meetings	NOUN
+with	ADP
+foreign	ADJ
+powers	NOUN
+to	PART
+discuss	VERB
+the	DET
+Bush	PROPN
+exploration	NOUN
+initiative	NOUN
+or	CCONJ
+to	PART
+extend	VERB
+an	DET
+invitation	NOUN
+to	ADP
+China	PROPN
+to	PART
+join	VERB
+the	DET
+space	NOUN
+station	NOUN
+partnership	NOUN
+,	PUNCT
+Beutel	PROPN
+said	VERB
+.	PUNCT
+
+The	DET
+flight	NOUN
+of	ADP
+Fei	PROPN
+and	CCONJ
+Nie	PROPN
+could	AUX
+mark	VERB
+the	DET
+end	NOUN
+of	ADP
+the	DET
+opening	VERB
+chapter	NOUN
+in	ADP
+a	DET
+three	NUM
+-	PUNCT
+phase	NOUN
+Chinese	ADJ
+space	NOUN
+initiative	NOUN
+,	PUNCT
+Johnson	PROPN
+-	PUNCT
+Freese	PROPN
+said	VERB
+.	PUNCT
+
+The	DET
+first	ADJ
+phase	NOUN
+,	PUNCT
+she	PRON
+said	VERB
+,	PUNCT
+will	AUX
+demonstrate	VERB
+the	DET
+capability	NOUN
+of	ADP
+a	DET
+multi-compartment	ADJ
+spacecraft	NOUN
+that	PRON
+will	AUX
+leave	VERB
+a	DET
+test	NOUN
+module	NOUN
+in	ADP
+orbit	NOUN
+when	ADV
+the	DET
+two	NUM
+fliers	NOUN
+return	VERB
+to	ADP
+Earth	PROPN
+.	PUNCT
+
+The	DET
+Chinese	ADJ
+program	NOUN
+'s	PART
+second	ADJ
+phase	NOUN
+will	AUX
+include	VERB
+spacewalks	NOUN
+on	ADP
+future	ADJ
+missions	NOUN
+and	CCONJ
+demonstrations	NOUN
+of	ADP
+docking	NOUN
+and	CCONJ
+undocking	NOUN
+techniques	NOUN
+.	PUNCT
+
+The	DET
+final	ADJ
+phase	NOUN
+will	AUX
+feature	VERB
+the	DET
+assembly	NOUN
+and	CCONJ
+operation	NOUN
+of	ADP
+a	DET
+longer	ADJ
+-	PUNCT
+duration	NOUN
+space	NOUN
+lab	NOUN
+.	PUNCT
+
+At	ADV
+least	ADV
+one	NUM
+expert	NOUN
+believes	VERB
+China	PROPN
+'s	PART
+intentions	NOUN
+might	AUX
+include	VERB
+a	DET
+surprise	NOUN
+attempt	NOUN
+to	PART
+circle	VERB
+the	DET
+moon	NOUN
+with	ADP
+astronauts	NOUN
+before	ADP
+NASA	PROPN
+'s	PART
+planned	VERB
+lunar	ADJ
+return	NOUN
+.	PUNCT
+
+"	PUNCT
+The	DET
+Americans	PROPN
+would	AUX
+be	AUX
+wise	ADJ
+to	PART
+plan	VERB
+accordingly	ADV
+,	PUNCT
+"	PUNCT
+said	VERB
+John	PROPN
+E.	PROPN
+Pike	PROPN
+,	PUNCT
+director	NOUN
+of	ADP
+the	DET
+Alexandria	PROPN
+,	PUNCT
+Va.	PROPN
+-	PUNCT
+based	VERB
+GlobalSecurity.org	X
+,	PUNCT
+a	DET
+small	ADJ
+national	ADJ
+security	NOUN
+think	NOUN
+tank	NOUN
+.	PUNCT
+
+"	PUNCT
+There	PRON
+is	VERB
+always	ADV
+the	DET
+possibility	NOUN
+they	PRON
+could	AUX
+jam	VERB
+us	PRON
+up	ADP
+,	PUNCT
+make	VERB
+us	PRON
+look	VERB
+like	SCONJ
+we	PRON
+are	AUX
+not	PART
+numero	NOUN
+uno	NOUN
+,	PUNCT
+"	PUNCT
+Pike	PROPN
+said	VERB
+.	PUNCT
+
+During	ADP
+the	DET
+U.S.	PROPN
+and	CCONJ
+Russian	ADJ
+lunar	ADJ
+race	NOUN
+during	ADP
+the	DET
+Cold	PROPN
+War	PROPN
+,	PUNCT
+NASA	PROPN
+scored	VERB
+an	DET
+early	ADJ
+coup	NOUN
+by	SCONJ
+circling	VERB
+the	DET
+moon	NOUN
+with	ADP
+the	DET
+Apollo	PROPN
+8	PROPN
+crew	NOUN
+over	ADP
+the	DET
+1968	NUM
+Christmas	PROPN
+holidays	NOUN
+.	PUNCT
+
+As	SCONJ
+it	PRON
+turned	VERB
+out	ADP
+,	PUNCT
+the	DET
+Soviets	PROPN
+never	ADV
+made	VERB
+it	PRON
+to	ADP
+the	DET
+moon	NOUN
+.	PUNCT
+
+"	PUNCT
+(	PUNCT
+China	PROPN
+)	PUNCT
+could	AUX
+be	AUX
+the	DET
+second	ADJ
+country	NOUN
+to	PART
+do	VERB
+that	PRON
+,	PUNCT
+"	PUNCT
+Pike	PROPN
+said	VERB
+.	PUNCT
+
+"	PUNCT
+They	PRON
+would	AUX
+get	VERB
+in	ADP
+line	NOUN
+in	ADP
+front	NOUN
+of	ADP
+the	DET
+Russians	PROPN
+.	PUNCT
+
+And	CCONJ
+they	PRON
+would	AUX
+not	PART
+have	VERB
+to	PART
+land	VERB
+on	ADP
+the	DET
+moon	NOUN
+to	PART
+take	VERB
+us	PRON
+down	ADV
+a	DET
+notch	NOUN
+.	PUNCT
+"	PUNCT
+
+Pike	PROPN
+'s	PART
+concern	NOUN
+is	AUX
+based	VERB
+on	ADP
+China	PROPN
+'s	PART
+development	NOUN
+of	ADP
+a	DET
+new	ADJ
+medium	ADJ
+-	PUNCT
+lift	NOUN
+rocket	NOUN
+,	PUNCT
+the	DET
+Long	PROPN
+March	PROPN
+V	PROPN
+,	PUNCT
+and	CCONJ
+the	DET
+construction	NOUN
+of	ADP
+a	DET
+new	ADJ
+space	NOUN
+launch	NOUN
+complex	NOUN
+on	ADP
+Hainan	PROPN
+Island	PROPN
+in	ADP
+the	DET
+South	PROPN
+China	PROPN
+Sea	PROPN
+.	PUNCT
+
+The	DET
+two	NUM
+developments	NOUN
+,	PUNCT
+he	PRON
+said	VERB
+,	PUNCT
+could	AUX
+eventually	ADV
+enable	VERB
+China	PROPN
+'s	PART
+space	NOUN
+program	NOUN
+to	PART
+mature	VERB
+to	ADP
+the	DET
+point	NOUN
+that	ADV
+experts	NOUN
+could	AUX
+assemble	VERB
+and	CCONJ
+launch	VERB
+from	ADP
+Earth	PROPN
+'s	PART
+orbit	NOUN
+a	DET
+spacecraft	NOUN
+capable	ADJ
+of	SCONJ
+circling	VERB
+the	DET
+moon	NOUN
+with	ADP
+astronauts	NOUN
+and	CCONJ
+returning	VERB
+home	ADV
+.	PUNCT
+
+mark.carr...@chron.com	X
+
+Email	NOUN
+:	PUNCT
+"	PUNCT
+righter	PROPN
+"	PUNCT
+<	PUNCT
+righ...@sonic.net	X
+>	PUNCT
+
+Groups	NOUN
+:	PUNCT
+alt.animals.rights.promotion	NOUN
+,	PUNCT
+alt.animals	NOUN
+,	PUNCT
+alt.animals.cat	NOUN
+,	PUNCT
+alt.animals.ethics.vegetarian	NOUN
+,	PUNCT
+alt.animals.lion	NOUN
+,	PUNCT
+alt.animals.tiger	NOUN
+,	PUNCT
+alt.animals.felines.diseases	NOUN
+,	PUNCT
+alt.animals.dog	NOUN
+,	PUNCT
+alt.animals.horses.breeding	NOUN
+,	PUNCT
+alt.animals.felines.snowleopards	NOUN
+
+I	PRON
+'m	AUX
+a	DET
+member	NOUN
+of	ADP
+a	DET
+local	ADJ
+animal	NOUN
+rights	NOUN
+news	NOUN
+,	PUNCT
+and	CCONJ
+get	VERB
+regular	ADJ
+emails	NOUN
+from	ADP
+other	ADJ
+members	NOUN
+and	CCONJ
+the	DET
+staff	NOUN
+.	PUNCT
+
+Recently	ADV
+,	PUNCT
+I	PRON
+read	VERB
+an	DET
+email	NOUN
+that	PRON
+reported	VERB
+the	DET
+horrific	ADJ
+nightmare	NOUN
+Civet	NOUN
+Cats	NOUN
+go	VERB
+through	ADP
+by	ADP
+sick	ADJ
+losers	NOUN
+who	PRON
+put	VERB
+them	PRON
+in	ADP
+sheds	NOUN
+and	CCONJ
+heat	VERB
+the	DET
+inside	NOUN
+of	ADP
+the	DET
+sheds	NOUN
+up	ADP
+to	ADP
+110	NUM
+degrees	NOUN
+with	ADP
+fires	NOUN
+,	PUNCT
+so	SCONJ
+that	SCONJ
+they	PRON
+can	AUX
+periodically	ADV
+scrape	VERB
+the	DET
+sweat	NOUN
+off	ADP
+of	ADP
+their	PRON
+genitals	NOUN
+and	CCONJ
+sell	VERB
+it	PRON
+to	ADP
+corrupt	ADJ
+corporations	NOUN
+who	PRON
+use	VERB
+it	PRON
+to	PART
+prolong	VERB
+the	DET
+scent	NOUN
+of	ADP
+perfumes	NOUN
+.	PUNCT
+
+The	DET
+animals	NOUN
+eventually	ADV
+die	VERB
+,	PUNCT
+which	PRON
+is	VERB
+because	SCONJ
+these	DET
+demons	NOUN
+are	AUX
+so	ADV
+GREEDY	ADJ
+,	PUNCT
+they	PRON
+want	VERB
+as	ADV
+much	ADJ
+of	ADP
+their	PRON
+"	PUNCT
+product	NOUN
+"	PUNCT
+as	SCONJ
+they	PRON
+can	AUX
+get	VERB
+,	PUNCT
+instead	ADV
+of	SCONJ
+letting	VERB
+the	DET
+cats	NOUN
+go	VERB
+after	ADP
+a	DET
+point	NOUN
+,	PUNCT
+as	ADP
+an	DET
+act	NOUN
+of	ADP
+humanity	NOUN
+,	PUNCT
+mercy	NOUN
+,	PUNCT
+love	NOUN
+.	PUNCT
+
+Below	ADV
+I	PRON
+pasted	VERB
+the	DET
+email	NOUN
+text	NOUN
+,	PUNCT
+and	CCONJ
+it	PRON
+has	VERB
+a	DET
+link	NOUN
+to	ADP
+a	DET
+website	NOUN
+that	PRON
+automatically	ADV
+plays	VERB
+this	DET
+song	NOUN
+the	DET
+author	NOUN
+of	ADP
+the	DET
+email	NOUN
+created	VERB
+.	PUNCT
+
+It	PRON
+has	VERB
+cat	NOUN
+'s	PART
+"	PUNCT
+Meowing	NOUN
+"	PUNCT
+for	ADP
+the	DET
+vocals	NOUN
+,	PUNCT
+and	CCONJ
+you	PRON
+might	AUX
+really	ADV
+find	VERB
+yourself	PRON
+in	ADP
+those	DET
+furnaces	NOUN
+,	PUNCT
+feeling	VERB
+and	CCONJ
+thinking	VERB
+those	DET
+terrible	ADJ
+feelings	NOUN
+and	CCONJ
+thoughts	NOUN
+that	PRON
+these	DET
+cats	NOUN
+do	AUX
+before	SCONJ
+they	PRON
+die	VERB
+.	PUNCT
+
+Right	ADV
+now	ADV
+,	PUNCT
+while	SCONJ
+we	PRON
+'re	AUX
+sitting	VERB
+at	ADP
+our	PRON
+computers	NOUN
+enjoying	VERB
+the	DET
+internet	NOUN
+,	PUNCT
+those	DET
+innocent	ADJ
+,	PUNCT
+beautiful	ADJ
+,	PUNCT
+loving	ADJ
+cats	NOUN
+,	PUNCT
+are	AUX
+dying	VERB
+,	PUNCT
+somewhere	ADV
+in	ADP
+this	DET
+troubled	ADJ
+world	NOUN
+a	DET
+slow	ADJ
+,	PUNCT
+agonizing	ADJ
+death	NOUN
+.	PUNCT
+
+The	DET
+main	ADJ
+reason	NOUN
+I	PRON
+wrote	VERB
+this	DET
+post	NOUN
+is	VERB
+to	PART
+ask	VERB
+anyone	PRON
+reading	VERB
+this	PRON
+if	SCONJ
+they	PRON
+know	VERB
+of	ADP
+some	DET
+way	NOUN
+I	PRON
+can	AUX
+help	VERB
+put	VERB
+a	DET
+stop	NOUN
+to	ADP
+this	DET
+Cat	NOUN
+Holocaust	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+serious	ADJ
+about	SCONJ
+doing	VERB
+something	PRON
+.	PUNCT
+
+If	SCONJ
+I	PRON
+love	VERB
+cats	NOUN
+so	ADV
+much	ADV
+,	PUNCT
+why	ADV
+are	AUX
+n't	PART
+I	PRON
+DOING	VERB
+something	PRON
+???	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+want	VERB
+to	PART
+appear	VERB
+before	ADP
+God	PROPN
+on	ADP
+judgment	NOUN
+day	NOUN
+and	CCONJ
+have	VERB
+to	PART
+explain	VERB
+why	ADV
+I	PRON
+did	AUX
+n't	PART
+do	VERB
+anything	PRON
+like	ADP
+this	PRON
+in	ADP
+my	PRON
+life	NOUN
+.	PUNCT
+
+Any	DET
+suggestions	NOUN
+would	AUX
+be	AUX
+appreciated	VERB
+.	PUNCT
+
+Here	ADV
+'s	AUX
+the	DET
+text	NOUN
+of	ADP
+the	DET
+email	NOUN
+:	PUNCT
+
+Hi	INTJ
+there	ADV
+,	PUNCT
+
+I	PRON
+read	VERB
+the	DET
+Civet	NOUN
+Cat	NOUN
+story	NOUN
+from	ADP
+a	DET
+little	ADJ
+while	NOUN
+ago	ADV
+,	PUNCT
+and	CCONJ
+tonight	NOUN
+,	PUNCT
+when	ADV
+my	PRON
+Mom	NOUN
+emailed	VERB
+me	PRON
+about	ADP
+it	PRON
+,	PUNCT
+I	PRON
+re-read	VERB
+it	PRON
+,	PUNCT
+and	CCONJ
+went	VERB
+to	ADP
+the	DET
+website	NOUN
+with	ADP
+the	DET
+song	NOUN
+the	DET
+author	NOUN
+of	ADP
+the	DET
+email	NOUN
+created	VERB
+.	PUNCT
+
+Well	INTJ
+,	PUNCT
+sure	ADV
+enough	ADV
+,	PUNCT
+when	ADV
+I	PRON
+heard	VERB
+the	DET
+cats	NOUN
+"	PUNCT
+Meowing	VERB
+,	PUNCT
+"	PUNCT
+I	PRON
+imagined	VERB
+the	DET
+hellish	ADJ
+moments	NOUN
+these	DET
+poor	ADJ
+beautiful	ADJ
+creatures	NOUN
+of	ADP
+God	PROPN
+were	AUX
+living	VERB
+,	PUNCT
+what	PRON
+went	VERB
+on	ADP
+in	ADP
+their	PRON
+tiny	ADJ
+,	PUNCT
+sweet	ADJ
+little	ADJ
+minds	NOUN
+,	PUNCT
+and	CCONJ
+decided	VERB
+that	SCONJ
+I	PRON
+want	VERB
+to	PART
+do	VERB
+something	PRON
+about	ADP
+this	DET
+torture	NOUN
+.	PUNCT
+
+So	ADV
+,	PUNCT
+if	SCONJ
+anyone	PRON
+can	AUX
+give	VERB
+me	PRON
+some	DET
+advice	NOUN
+,	PUNCT
+I	PRON
+'d	AUX
+sure	ADV
+appreciate	VERB
+it	PRON
+!	PUNCT
+
+I	PRON
+think	VERB
+for	ADP
+starters	NOUN
+,	PUNCT
+myself	PRON
+and	CCONJ
+those	PRON
+of	ADP
+you	PRON
+who	PRON
+believe	VERB
+in	ADP
+God	PROPN
+could	AUX
+say	VERB
+a	DET
+special	ADJ
+prayer	NOUN
+for	ADP
+them	PRON
+.	PUNCT
+
+I	PRON
+will	AUX
+.	PUNCT
+
+I	PRON
+'ve	AUX
+pasted	VERB
+the	DET
+email	NOUN
+for	ADP
+those	PRON
+who	PRON
+have	AUX
+n't	PART
+seen	VERB
+or	CCONJ
+would	AUX
+like	VERB
+to	PART
+re-read	VERB
+it	PRON
+.	PUNCT
+
+It	PRON
+'s	AUX
+also	ADV
+got	VERB
+the	DET
+website	NOUN
+where	ADV
+the	DET
+song	NOUN
+has	AUX
+been	AUX
+uploaded	VERB
+.	PUNCT
+
+I	PRON
+was	AUX
+thinking	VERB
+,	PUNCT
+that	SCONJ
+while	SCONJ
+I	PRON
+'m	AUX
+sitting	VERB
+here	ADV
+,	PUNCT
+relaxing	VERB
+and	CCONJ
+enjoying	VERB
+myself	PRON
+,	PUNCT
+those	DET
+poor	ADJ
+innocent	ADJ
+animals	NOUN
+are	AUX
+being	AUX
+cooked	VERB
+to	ADP
+death	NOUN
+with	ADP
+heat	NOUN
+in	ADP
+those	DET
+Holocaust-esque	ADJ
+death	NOUN
+chambers	NOUN
+.	PUNCT
+
+And	CCONJ
+what	PRON
+am	AUX
+I	PRON
+DOING	VERB
+about	ADP
+it	PRON
+?	PUNCT
+
+From	ADP
+:	PUNCT
+Travis	PROPN
+Job	PROPN
+<	PUNCT
+t...@sonic.net	X
+>	PUNCT
+
+Date	NOUN
+:	PUNCT
+Thu	PROPN
+,	PUNCT
+11	NUM
+Mar	PROPN
+2004	NUM
+02:39:27	NUM
+-	PUNCT
+0800	NUM
+
+To	ADP
+:	PUNCT
+SPAR	PROPN
+<	PUNCT
+s...@sonic.net	X
+>	PUNCT
+
+Subject	NOUN
+:	PUNCT
+Civet	NOUN
+Cats	NOUN
+,	PUNCT
+James	PROPN
+Rachels	PROPN
++	SYM
+a	DET
+song	NOUN
+
+This	PRON
+is	AUX
+my	PRON
+first	ADJ
+time	NOUN
+posting	VERB
+to	ADP
+the	DET
+list	NOUN
+,	PUNCT
+so	ADV
+I	PRON
+feel	VERB
+somewhat	ADV
+embarrassed	ADJ
+by	SCONJ
+"	PUNCT
+promoting	VERB
+"	PUNCT
+a	DET
+song	NOUN
+I	PRON
+wrote	VERB
+,	PUNCT
+but	CCONJ
+I	PRON
+think	VERB
+it	PRON
+is	AUX
+fitting	ADJ
+because	SCONJ
+it	PRON
+is	AUX
+directly	ADV
+tied	VERB
+to	ADP
+extreme	ADJ
+animal	NOUN
+suffering	NOUN
+as	ADP
+a	DET
+result	NOUN
+of	ADP
+human	ADJ
+lack	NOUN
+of	ADP
+empathy	NOUN
+,	PUNCT
+but	CCONJ
+an	DET
+abundance	NOUN
+of	ADP
+human	ADJ
+greed	NOUN
+.	PUNCT
+
+I	PRON
+'m	AUX
+not	PART
+sure	ADJ
+if	SCONJ
+any	DET
+of	ADP
+you	PRON
+know	VERB
+much	ADJ
+about	ADP
+civet	NOUN
+cats	NOUN
+,	PUNCT
+but	CCONJ
+to	PART
+brief	VERB
+those	PRON
+who	PRON
+might	AUX
+not	PART
+know	VERB
+,	PUNCT
+I	PRON
+will	AUX
+quote	VERB
+James	PROPN
+Rachels	PROPN
+,	PUNCT
+author	NOUN
+of	ADP
+World	PROPN
+Hunger	PROPN
+and	CCONJ
+Moral	PROPN
+Obligation	PROPN
+among	ADP
+many	ADJ
+other	ADJ
+animal	NOUN
+rights	NOUN
+-	PUNCT
+related	VERB
+books	NOUN
+and	CCONJ
+articles	NOUN
+.	PUNCT
+
+(	PUNCT
+I	PRON
+kind	ADV
+of	ADV
+see	VERB
+him	PRON
+to	PART
+be	AUX
+for	ADP
+animal	NOUN
+rights	NOUN
+theory	NOUN
+as	SCONJ
+Peter	PROPN
+Singer	PROPN
+is	AUX
+to	ADP
+the	DET
+theory	NOUN
+of	ADP
+utilitarianism	NOUN
+applied	VERB
+to	ADP
+non-human	ADJ
+animals	NOUN
+)	PUNCT
+.	PUNCT
+
+The	DET
+quote	NOUN
+is	AUX
+from	ADP
+an	DET
+article	NOUN
+entitled	VERB
+"	PUNCT
+Vegetarianism	PROPN
+and	CCONJ
+`	PUNCT
+The	DET
+Other	PROPN
+Weight	PROPN
+Problem	PROPN
+'	PUNCT
+"	PUNCT
+
+If	SCONJ
+anyone	PRON
+wants	VERB
+the	DET
+complete	ADJ
+article	NOUN
+,	PUNCT
+email	VERB
+me	PRON
+,	PUNCT
+as	SCONJ
+it	PRON
+is	AUX
+a	DET
+very	ADV
+good	ADJ
+article	NOUN
+which	PRON
+no	DET
+meat	NOUN
+-	PUNCT
+eater	NOUN
+can	AUX
+read	VERB
+and	CCONJ
+not	PART
+sense	VERB
+their	PRON
+own	ADJ
+hypocrisy	NOUN
+.	PUNCT
+
+But	CCONJ
+this	PRON
+is	AUX
+what	PRON
+he	PRON
+says	VERB
+about	ADP
+civet	NOUN
+cats	NOUN
+:	PUNCT
+
+"	PUNCT
+As	ADP
+an	DET
+example	NOUN
+,	PUNCT
+consider	VERB
+the	DET
+treatment	NOUN
+of	ADP
+the	DET
+civet	NOUN
+cat	NOUN
+,	PUNCT
+a	DET
+highly	ADV
+intelligent	ADJ
+and	CCONJ
+sociable	ADJ
+animal	NOUN
+.	PUNCT
+
+Civet	NOUN
+cats	NOUN
+are	AUX
+trapped	VERB
+and	CCONJ
+placed	VERB
+in	ADP
+small	ADJ
+cages	NOUN
+inside	ADP
+darkened	VERB
+sheds	NOUN
+,	PUNCT
+where	ADV
+the	DET
+temperature	NOUN
+is	AUX
+kept	VERB
+up	ADP
+to	ADP
+110	NUM
+F	PROPN
+by	ADP
+fires	NOUN
+.	PUNCT
+
+They	PRON
+are	AUX
+confined	VERB
+in	ADP
+this	DET
+way	NOUN
+until	SCONJ
+they	PRON
+finally	ADV
+die	VERB
+.	PUNCT
+
+What	PRON
+justifies	VERB
+this	DET
+extraordinary	ADJ
+mistreatment	NOUN
+?	PUNCT
+
+These	DET
+animals	NOUN
+have	VERB
+the	DET
+misfortune	NOUN
+to	PART
+produce	VERB
+a	DET
+substance	NOUN
+that	PRON
+is	AUX
+useful	ADJ
+in	ADP
+the	DET
+manufacture	NOUN
+of	ADP
+perfume	NOUN
+.	PUNCT
+
+Musk	NOUN
+,	PUNCT
+which	PRON
+is	AUX
+scraped	VERB
+from	ADP
+their	PRON
+genitals	NOUN
+once	ADV
+a	DET
+day	NOUN
+for	ADP
+as	ADV
+long	ADV
+as	SCONJ
+they	PRON
+can	AUX
+surv	X
+ive	VERB
+,	PUNCT
+makes	VERB
+the	DET
+scent	NOUN
+of	ADP
+perfume	NOUN
+last	VERB
+a	DET
+bit	NOUN
+longer	ADV
+after	ADP
+each	DET
+application	NOUN
+.	PUNCT
+
+(	PUNCT
+The	DET
+heat	NOUN
+increases	VERB
+their	PRON
+"	PUNCT
+production	NOUN
+"	PUNCT
+of	ADP
+musk	NOUN
+.	PUNCT
+)	PUNCT
+
+Here	ADV
+Kant	PROPN
+'s	PART
+rule	NOUN
+--	PUNCT
+"	PUNCT
+Animals	NOUN
+are	AUX
+merely	ADV
+means	NOUN
+to	ADP
+an	DET
+end	NOUN
+;	PUNCT
+that	DET
+end	NOUN
+is	AUX
+man	NOUN
+"	PUNCT
+--	PUNCT
+is	AUX
+applied	VERB
+with	ADP
+a	DET
+vengeance	NOUN
+.	PUNCT
+
+To	PART
+promote	VERB
+one	NUM
+of	ADP
+the	DET
+most	ADV
+trivial	ADJ
+interests	NOUN
+we	PRON
+have	VERB
+,	PUNCT
+thousands	NOUN
+of	ADP
+animals	NOUN
+are	AUX
+tormented	VERB
+for	ADP
+their	PRON
+whole	ADJ
+lives	NOUN
+.	PUNCT
+"	PUNCT
+
+This	DET
+article	NOUN
+,	PUNCT
+and	CCONJ
+specifically	ADV
+this	DET
+piece	NOUN
+,	PUNCT
+effected	VERB
+me	PRON
+enough	ADV
+to	PART
+try	VERB
+to	PART
+build	VERB
+a	DET
+song	NOUN
+around	ADP
+the	DET
+topic	NOUN
+.	PUNCT
+
+If	SCONJ
+anyone	PRON
+is	AUX
+interested	ADJ
+in	SCONJ
+listening	VERB
+to	ADP
+this	DET
+song	NOUN
+,	PUNCT
+and	CCONJ
+in	SCONJ
+offering	VERB
+their	PRON
+opinion	NOUN
+,	PUNCT
+whether	SCONJ
+it	PRON
+be	AUX
+positive	ADJ
+or	CCONJ
+negative	ADJ
+,	PUNCT
+I	PRON
+'d	AUX
+appreciate	VERB
+it	PRON
+.	PUNCT
+
+But	CCONJ
+I	PRON
+also	ADV
+hope	VERB
+no	DET
+one	NOUN
+feels	VERB
+any	DET
+obligation	NOUN
+to	PART
+download	VERB
+,	PUNCT
+especially	ADV
+if	SCONJ
+you	PRON
+have	VERB
+an	DET
+internet	NOUN
+connection	NOUN
+as	ADV
+slow	ADJ
+mine	PRON
+(	PUNCT
+28	NUM
+k	NUM
+)	PUNCT
+.	PUNCT
+
+The	DET
+url	NOUN
+for	ADP
+the	DET
+song	NOUN
+is	AUX
+http://www.sonic.net/~fsjob/TragiCore-TheCivetCat.mp3	X
+
+Although	SCONJ
+there	PRON
+are	VERB
+no	DET
+human	ADJ
+vocals	NOUN
+/	PUNCT
+lyrics	NOUN
+,	PUNCT
+I	PRON
+think	VERB
+it's	PRON
+subject	NOUN
+matter	NOUN
+is	AUX
+audible	ADJ
+.	PUNCT
+
+Again	ADV
+,	PUNCT
+if	SCONJ
+anyone	PRON
+wants	VERB
+to	PART
+read	VERB
+Rachels	PROPN
+'	PART
+entire	ADJ
+article	NOUN
+,	PUNCT
+let	VERB
+me	PRON
+know	VERB
+.	PUNCT
+
+It	PRON
+'s	AUX
+also	ADV
+on	ADP
+the	DET
+net	NOUN
+.	PUNCT
+
+I	PRON
+was	AUX
+already	ADV
+a	DET
+vegetarian	NOUN
+when	ADV
+I	PRON
+read	VERB
+it	PRON
+a	DET
+little	ADJ
+more	ADJ
+than	ADP
+a	DET
+year	NOUN
+ago	ADV
+,	PUNCT
+but	CCONJ
+it	PRON
+was	AUX
+one	NUM
+of	ADP
+the	DET
+bigger	ADJ
+factors	NOUN
+for	ADP
+me	PRON
+in	SCONJ
+going	VERB
+completely	ADV
+vegan	ADJ
+.	PUNCT
+
+I	PRON
+hope	VERB
+all	DET
+are	AUX
+well	ADJ
+.	PUNCT
+
+Farewell	INTJ
+for	ADP
+now	ADV
+...	PUNCT
+
+Travis	PROPN
+Job	PROPN
+
+icq	NOUN
+uin	NOUN
+:	PUNCT
+5249025	NUM
+
+"	PUNCT
+Note	NOUN
+to	ADP
+Wigner	PROPN
+:	PUNCT
+Do	AUX
+you	PRON
+think	VERB
+your	PRON
+friend	NOUN
+could	AUX
+feed	VERB
+my	PRON
+cat	NOUN
+?	PUNCT
+
+Heisenberg	PROPN
+was	AUX
+n't	PART
+sure	ADJ
+.	PUNCT
+
+Thanks	NOUN
+,	PUNCT
+
+--	PUNCT
+Shrodinger	PROPN
+"	PUNCT
+
+-------------------	PUNCT
+
+.:	SYM
+GO	VERB
+VEGAN	ADJ
+:.	SYM
+
+MAKE	VERB
+THOUSANDS	NOUN
+!!!	PUNCT
+--	PUNCT
+
+THIS	PRON
+IS	AUX
+NOT	PART
+A	DET
+SCAM	NOUN
+!!!	PUNCT
+
+I	PRON
+found	VERB
+this	PRON
+on	ADP
+a	DET
+bulletin	NOUN
+board	NOUN
+and	CCONJ
+decided	VERB
+to	PART
+try	VERB
+it	PRON
+:	PUNCT
+I	PRON
+do	AUX
+n't	PART
+care	VERB
+about	ADP
+the	DET
+useless	ADJ
+pre-fabricated	ADJ
+crap	NOUN
+this	DET
+message	NOUN
+usually	ADV
+says	VERB
+.	PUNCT
+
+All	DET
+I	PRON
+say	VERB
+is	VERB
+,	PUNCT
+it	PRON
+works	VERB
+.	PUNCT
+
+Continue	VERB
+pre-fab	ADJ
+crap	NOUN
+.	PUNCT
+
+WELL	INTJ
+GUESS	VERB
+WHAT	PRON
+!!!	PUNCT
+
+Within	ADP
+seven	NUM
+days	NOUN
+,	PUNCT
+I	PRON
+started	VERB
+getting	VERB
+money	NOUN
+in	ADP
+the	DET
+mail	NOUN
+!!	PUNCT
+
+I	PRON
+was	AUX
+shocked	ADJ
+!!	PUNCT
+
+I	PRON
+figured	VERB
+it	PRON
+would	AUX
+end	VERB
+soon	ADV
+,	PUNCT
+but	CCONJ
+the	DET
+money	NOUN
+just	ADV
+kept	VERB
+coming	VERB
+in	ADV
+.	PUNCT
+
+In	ADP
+my	PRON
+first	ADJ
+week	NOUN
+,	PUNCT
+I	PRON
+made	VERB
+about	ADV
+$	SYM
+25.00	NUM
+.	PUNCT
+
+By	ADP
+the	DET
+end	NOUN
+of	ADP
+the	DET
+second	ADJ
+week	NOUN
+I	PRON
+had	AUX
+made	VERB
+a	DET
+total	NOUN
+of	ADP
+more	ADJ
+than	ADP
+$	SYM
+1000.00	NUM
+!!	PUNCT
+
+In	ADP
+the	DET
+third	ADJ
+week	NOUN
+I	PRON
+had	VERB
+more	ADJ
+than	ADP
+$	SYM
+10,000.00	NUM
+and	CCONJ
+it	PRON
+'s	AUX
+still	ADV
+growing	VERB
+!!	PUNCT
+
+This	PRON
+is	AUX
+now	ADV
+my	PRON
+fourth	ADJ
+week	NOUN
+and	CCONJ
+I	PRON
+have	AUX
+made	VERB
+a	DET
+total	NOUN
+of	ADP
+$	SYM
+42,000.00	NUM
+and	CCONJ
+it	PRON
+'s	AUX
+still	ADV
+coming	VERB
+rapidly	ADV
+.	PUNCT
+
+It	PRON
+'s	AUX
+certainly	ADV
+worth	ADP
+$	SYM
+6.00	NUM
+and	CCONJ
+six	NUM
+stamps	NOUN
+,	PUNCT
+and	CCONJ
+I	PRON
+have	AUX
+spent	VERB
+more	ADJ
+than	ADP
+that	PRON
+on	ADP
+the	DET
+lottery	NOUN
+without	SCONJ
+ever	ADV
+winning	VERB
+!!!	PUNCT
+
+Let	VERB
+me	PRON
+tell	VERB
+you	PRON
+how	ADV
+this	PRON
+works	VERB
+and	CCONJ
+most	ADV
+important	ADV
+,	PUNCT
+why	ADV
+it	PRON
+works	VERB
+..........	PUNCT
+
+also	ADV
+make	VERB
+sure	ADJ
+you	PRON
+print	VERB
+this	PRON
+out	ADV
+NOW	ADV
+,	PUNCT
+so	SCONJ
+you	PRON
+can	AUX
+get	VERB
+the	DET
+information	NOUN
+off	ADP
+of	ADP
+it	PRON
+,	PUNCT
+as	SCONJ
+you	PRON
+will	AUX
+need	VERB
+it	PRON
+.	PUNCT
+
+I	PRON
+promise	VERB
+you	PRON
+that	SCONJ
+if	SCONJ
+you	PRON
+follow	VERB
+the	DET
+directions	NOUN
+exactly	ADV
+that	ADV
+you	PRON
+will	AUX
+start	VERB
+making	VERB
+more	ADJ
+money	NOUN
+than	SCONJ
+you	PRON
+thought	VERB
+possible	ADJ
+by	SCONJ
+doing	VERB
+something	PRON
+so	ADV
+easy	ADJ
+!!	PUNCT
+
+Suggestion	NOUN
+:	PUNCT
+Read	VERB
+this	DET
+entire	ADJ
+message	NOUN
+carefully	ADV
+!!	PUNCT
+
+(	PUNCT
+Print	VERB
+it	PRON
+out	ADP
+or	CCONJ
+download	VERB
+it	PRON
+)	PUNCT
+
+Follow	VERB
+the	DET
+simple	ADJ
+directions	NOUN
+and	CCONJ
+watch	VERB
+the	DET
+money	NOUN
+come	VERB
+in	ADV
+!!	PUNCT
+
+It	PRON
+'s	AUX
+easy	ADJ
+.	PUNCT
+
+It	PRON
+'s	AUX
+legal	ADJ
+.	PUNCT
+
+And	CCONJ
+,	PUNCT
+your	PRON
+investment	NOUN
+is	AUX
+only	ADV
+$	SYM
+6.00	NUM
+(	PUNCT
+Plus	CCONJ
+postage	NOUN
+)	PUNCT
+!!!	PUNCT
+
+IMPORTANT	ADJ
+:	PUNCT
+
+This	PRON
+is	AUX
+not	PART
+a	DET
+rip	NOUN
+-	PUNCT
+off	NOUN
+,	PUNCT
+it	PRON
+is	AUX
+decent	ADJ
+;	PUNCT
+it	PRON
+'s	AUX
+legal	ADJ
+;	PUNCT
+and	CCONJ
+it	PRON
+is	AUX
+virtually	ADV
+no	DET
+risk	NOUN
+-	PUNCT
+it	PRON
+really	ADV
+works	VERB
+!!	PUNCT
+
+If	SCONJ
+all	DET
+the	DET
+following	VERB
+instructions	NOUN
+are	AUX
+adhered	VERB
+to	ADP
+,	PUNCT
+you	PRON
+will	AUX
+receive	VERB
+extraordinary	ADJ
+dividends	NOUN
+.	PUNCT
+
+PLEASE	INTJ
+NOTE	VERB
+:	PUNCT
+
+Please	INTJ
+follow	VERB
+the	DET
+directions	NOUN
+EXACTLY	ADV
+,	PUNCT
+and	CCONJ
+$	SYM
+50,000	NUM
+or	CCONJ
+more	ADJ
+can	AUX
+be	AUX
+yours	PRON
+in	ADP
+20	NUM
+to	ADP
+60	NUM
+days	NOUN
+.	PUNCT
+
+This	DET
+program	NOUN
+remains	VERB
+successful	ADJ
+because	ADP
+of	ADP
+the	DET
+honesty	NOUN
+and	CCONJ
+integrity	NOUN
+of	ADP
+the	DET
+participants	NOUN
+.	PUNCT
+
+Please	INTJ
+continue	VERB
+its	PRON
+success	NOUN
+by	SCONJ
+carefully	ADV
+adhering	VERB
+to	ADP
+the	DET
+instructions	NOUN
+.	PUNCT
+
+You	PRON
+will	AUX
+now	ADV
+become	VERB
+a	DET
+part	NOUN
+of	ADP
+the	DET
+Mail	NOUN
+Order	NOUN
+business	NOUN
+.	PUNCT
+
+You	PRON
+are	AUX
+in	ADP
+the	DET
+business	NOUN
+of	SCONJ
+developing	VERB
+Mailing	NOUN
+Lists	NOUN
+.	PUNCT
+
+Many	ADJ
+large	ADJ
+corporations	NOUN
+are	AUX
+happy	ADJ
+to	PART
+pay	VERB
+big	ADJ
+bucks	NOUN
+for	ADP
+quality	ADJ
+lists	NOUN
+.	PUNCT
+
+However	ADV
+,	PUNCT
+the	DET
+money	NOUN
+made	VERB
+from	ADP
+the	DET
+mailing	NOUN
+lists	NOUN
+is	AUX
+secondary	ADJ
+to	ADP
+income	NOUN
+which	PRON
+is	AUX
+made	VERB
+from	SCONJ
+people	NOUN
+like	ADP
+you	PRON
+and	CCONJ
+me	PRON
+asking	VERB
+to	PART
+be	AUX
+included	VERB
+in	ADP
+that	DET
+list	NOUN
+.	PUNCT
+
+Here	ADV
+are	AUX
+the	DET
+four	NUM
+easy	ADJ
+steps	NOUN
+to	ADP
+success	NOUN
+.	PUNCT
+
+STEP	NOUN
+ONE	NUM
+:	PUNCT
+
+Get	VERB
+six	NUM
+separate	ADJ
+pieces	NOUN
+of	ADP
+paper	NOUN
+and	CCONJ
+write	VERB
+the	DET
+following	VERB
+on	ADP
+each	DET
+piece	NOUN
+of	ADP
+paper	NOUN
+"	PUNCT
+PLEASE	INTJ
+PUT	VERB
+ME	PRON
+ON	ADP
+YOUR	PRON
+MAILING	NOUN
+LIST	NOUN
+.	PUNCT
+"	PUNCT
+
+Now	ADV
+get	VERB
+6	NUM
+U.S.	PROPN
+$	SYM
+1.00	NUM
+bills	NOUN
+and	CCONJ
+place	VERB
+ONE	NUM
+inside	ADP
+of	ADP
+EACH	DET
+of	ADP
+the	DET
+six	NUM
+pieces	NOUN
+of	ADP
+paper	NOUN
+so	SCONJ
+the	DET
+bill	NOUN
+will	AUX
+not	PART
+be	AUX
+seen	VERB
+through	ADP
+the	DET
+envelope	NOUN
+(	PUNCT
+to	PART
+prevent	VERB
+thievery	NOUN
+)	PUNCT
+.	PUNCT
+
+Next	ADV
+,	PUNCT
+place	VERB
+one	NUM
+paper	NOUN
+in	ADP
+each	DET
+of	ADP
+the	DET
+six	NUM
+envelopes	NOUN
+and	CCONJ
+seal	VERB
+them	PRON
+.	PUNCT
+
+You	PRON
+now	ADV
+should	AUX
+have	VERB
+six	NUM
+sealed	VERB
+envelopes	NOUN
+,	PUNCT
+each	DET
+with	ADP
+a	DET
+piece	NOUN
+of	ADP
+paper	NOUN
+stating	VERB
+the	DET
+above	ADV
+phrase	NOUN
+,	PUNCT
+your	PRON
+name	NOUN
+and	CCONJ
+address	NOUN
+,	PUNCT
+and	CCONJ
+a	DET
+$	SYM
+1.00	NUM
+bill	NOUN
+.	PUNCT
+
+What	PRON
+you	PRON
+are	AUX
+doing	VERB
+is	VERB
+creating	VERB
+a	DET
+service	NOUN
+.	PUNCT
+
+THIS	PRON
+IS	AUX
+ABSOLUTELY	ADV
+LEGAL	ADJ
+!!!!	PUNCT
+!	PUNCT
+
+You	PRON
+are	AUX
+requesting	VERB
+a	DET
+legitimate	ADJ
+service	NOUN
+and	CCONJ
+you	PRON
+are	AUX
+paying	VERB
+for	ADP
+it	PRON
+!!	PUNCT
+
+Like	ADP
+most	ADJ
+of	ADP
+us	PRON
+I	PRON
+was	AUX
+a	DET
+little	ADJ
+skeptical	ADJ
+and	CCONJ
+little	ADJ
+worried	ADJ
+about	ADP
+the	DET
+legal	ADJ
+aspects	NOUN
+of	ADP
+it	PRON
+all	DET
+.	PUNCT
+
+So	ADV
+I	PRON
+checked	VERB
+it	PRON
+out	ADP
+with	ADP
+the	DET
+U.S.	PROPN
+Post	PROPN
+Office	PROPN
+(	PUNCT
+1-800-238-5355	NUM
+)	PUNCT
+and	CCONJ
+they	PRON
+confirmed	VERB
+that	SCONJ
+it	PRON
+is	AUX
+indeed	ADV
+legal	ADJ
+!!	PUNCT
+
+Mail	VERB
+the	DET
+six	NUM
+envelopes	NOUN
+to	ADP
+the	DET
+following	VERB
+addresses	NOUN
+:	PUNCT
+
+1	X
+)	PUNCT
+G.	PROPN
+Burrows	PROPN
+1	NUM
+/	PUNCT
+264	NUM
+Tor	PROPN
+St	PROPN
+Toowoomba	PROPN
+QLD	PROPN
+4350	NUM
+Australia	PROPN
+
+2	X
+)	PUNCT
+S	PROPN
+Luest	PROPN
+P.O.	NOUN
+Box	NOUN
+366	NUM
+Garden	PROPN
+Grove	PROPN
+,	PUNCT
+CA	PROPN
+92842	NUM
+USA	PROPN
+
+3	X
+)	PUNCT
+G.	PROPN
+V.	PROPN
+&	CCONJ
+A.	PROPN
+Bourret	PROPN
+41	NUM
+Broome	PROPN
+St	PROPN
+,	PUNCT
+#	NOUN
+1	NUM
+Brooklyn	PROPN
+,	PUNCT
+NY	PROPN
+11222	NUM
+USA	PROPN
+
+4	X
+)	PUNCT
+R.	PROPN
+Ansems	PROPN
+Gen.	PROPN
+Foulkesstraat	PROPN
+5	NUM
+4641	NUM
+BW	PROPN
+Ossendrecht	PROPN
+Netherlands	PROPN
+
+5	X
+)	PUNCT
+W.	PROPN
+Brumbley	PROPN
+4632	NUM
+Hilton	PROPN
+Ave	PROPN
+Suite	PROPN
+#	NOUN
+31	NUM
+Columbus	PROPN
+,	PUNCT
+Ohio	PROPN
+43228	NUM
+
+STEP	NOUN
+TWO	NUM
+:	PUNCT
+Now	ADV
+take	VERB
+the	DET
+#	NOUN
+1	NUM
+name	NOUN
+off	ADP
+the	DET
+list	NOUN
+that	PRON
+you	PRON
+see	VERB
+above	ADV
+,	PUNCT
+move	VERB
+the	DET
+other	ADJ
+names	NOUN
+up	ADV
+(	PUNCT
+six	NUM
+becomes	VERB
+5	NUM
+,	PUNCT
+5	NUM
+becomes	VERB
+4	NUM
+,	PUNCT
+and	CCONJ
+etc.	X
+)	PUNCT
+and	CCONJ
+add	VERB
+YOUR	PRON
+NAME	NOUN
+as	ADP
+number	NOUN
+6	NUM
+on	ADP
+the	DET
+list	NOUN
+.	PUNCT
+
+STEP	NOUN
+THREE	NUM
+:	PUNCT
+
+Change	VERB
+anything	PRON
+you	PRON
+need	VERB
+to	PART
+but	CCONJ
+try	VERB
+to	PART
+keep	VERB
+this	DET
+article	NOUN
+as	ADV
+close	ADJ
+to	ADP
+original	ADJ
+as	SCONJ
+possible	ADJ
+.	PUNCT
+
+Now	ADV
+post	VERB
+your	PRON
+amended	VERB
+article	NOUN
+to	ADP
+at	ADV
+least	ADV
+200	NUM
+news	NOUN
+groups	NOUN
+.	PUNCT
+:	SYM
+
+(	PUNCT
+I	PRON
+think	VERB
+there	PRON
+are	VERB
+close	ADJ
+to	ADP
+24,000	NUM
+groups	NOUN
+)	PUNCT
+
+All	DET
+you	PRON
+need	VERB
+is	AUX
+200	NUM
+,	PUNCT
+but	CCONJ
+remember	VERB
+,	PUNCT
+the	DET
+more	ADJ
+you	PRON
+post	VERB
+,	PUNCT
+the	DET
+more	ADJ
+money	NOUN
+you	PRON
+make	VERB
+!!	PUNCT
+
+This	PRON
+is	AUX
+perfectly	ADV
+legal	ADJ
+!!	PUNCT
+
+If	SCONJ
+you	PRON
+have	VERB
+any	DET
+doubts	NOUN
+,	PUNCT
+refer	VERB
+to	ADP
+Title	NOUN
+18	NUM
+Sec.	NOUN
+1302	NUM
+&	CCONJ
+1341	NUM
+of	ADP
+the	DET
+Postal	ADJ
+Lottery	NOUN
+laws	NOUN
+.	PUNCT
+
+Keep	VERB
+a	DET
+copy	NOUN
+of	ADP
+these	DET
+steps	NOUN
+for	ADP
+yourself	PRON
+and	CCONJ
+whenever	ADV
+you	PRON
+need	VERB
+money	NOUN
+,	PUNCT
+you	PRON
+can	AUX
+use	VERB
+it	PRON
+again	ADV
+,	PUNCT
+and	CCONJ
+again	ADV
+.	PUNCT
+
+PLEASE	INTJ
+REMEMBER	VERB
+that	SCONJ
+this	DET
+program	NOUN
+remains	VERB
+successful	ADJ
+because	ADP
+of	ADP
+the	DET
+honesty	NOUN
+and	CCONJ
+integrity	NOUN
+of	ADP
+the	DET
+participants	NOUN
+and	CCONJ
+by	SCONJ
+their	PRON
+carefully	ADV
+adhering	VERB
+to	ADP
+directions	NOUN
+.	PUNCT
+
+Look	VERB
+at	ADP
+it	PRON
+this	DET
+way	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+were	AUX
+of	ADP
+integrity	NOUN
+,	PUNCT
+the	DET
+program	NOUN
+will	AUX
+continue	VERB
+and	CCONJ
+the	DET
+money	NOUN
+that	PRON
+so	ADV
+many	ADJ
+others	NOUN
+have	AUX
+received	VERB
+will	AUX
+come	VERB
+your	PRON
+way	NOUN
+.	PUNCT
+
+NOTE	NOUN
+:	PUNCT
+You	PRON
+may	AUX
+want	VERB
+to	PART
+retain	VERB
+every	DET
+name	NOUN
+and	CCONJ
+address	NOUN
+sent	VERB
+to	ADP
+you	PRON
+,	PUNCT
+either	CCONJ
+on	ADP
+a	DET
+computer	NOUN
+or	CCONJ
+hard	ADJ
+copy	NOUN
+and	CCONJ
+keep	VERB
+the	DET
+notes	NOUN
+people	NOUN
+send	VERB
+you	PRON
+.	PUNCT
+
+This	PRON
+VERIFIES	VERB
+that	SCONJ
+you	PRON
+are	AUX
+truly	ADV
+providing	VERB
+a	DET
+service	NOUN
+.	PUNCT
+
+(	PUNCT
+Also	ADV
+,	PUNCT
+it	PRON
+might	AUX
+be	AUX
+a	DET
+good	ADJ
+idea	NOUN
+to	PART
+wrap	VERB
+the	DET
+$	SYM
+1	NUM
+bill	NOUN
+in	ADP
+dark	ADJ
+paper	NOUN
+to	PART
+reduce	VERB
+the	DET
+risk	NOUN
+of	ADP
+mail	NOUN
+theft	NOUN
+)	PUNCT
+.	PUNCT
+
+So	ADV
+,	PUNCT
+as	SCONJ
+each	DET
+post	NOUN
+is	AUX
+downloaded	VERB
+and	CCONJ
+the	DET
+directions	NOUN
+carefully	ADV
+followed	VERB
+,	PUNCT
+all	DET
+members	NOUN
+will	AUX
+be	AUX
+reimbursed	VERB
+for	ADP
+their	PRON
+participation	NOUN
+as	ADP
+a	DET
+List	NOUN
+Developer	NOUN
+with	ADP
+one	NUM
+dollar	NOUN
+each	DET
+.	PUNCT
+
+Your	PRON
+name	NOUN
+will	AUX
+move	VERB
+up	ADP
+the	DET
+list	NOUN
+geometrically	ADV
+so	SCONJ
+that	SCONJ
+when	ADV
+your	PRON
+name	NOUN
+reaches	VERB
+the	DET
+#	NOUN
+1	NUM
+position	NOUN
+you	PRON
+will	AUX
+be	AUX
+receiving	VERB
+thousands	NOUN
+of	ADP
+dollars	NOUN
+in	ADP
+CASH	NOUN
+!!!	PUNCT
+
+What	DET
+an	DET
+opportunity	NOUN
+for	ADP
+only	ADV
+$	SYM
+6.00	NUM
+(	PUNCT
+$	SYM
+1.00	NUM
+for	ADP
+each	DET
+of	ADP
+the	DET
+first	ADJ
+six	NUM
+people	NOUN
+listed	VERB
+above	ADV
+)	PUNCT
+
+Send	VERB
+it	PRON
+now	ADV
+,	PUNCT
+add	VERB
+your	PRON
+own	ADJ
+name	NOUN
+to	ADP
+the	DET
+list	NOUN
+and	CCONJ
+you	PRON
+'re	AUX
+in	ADP
+business	NOUN
+!!!	PUNCT
+
+*****	PUNCT
+DIRECTIONS	NOUN
+FOR	SCONJ
+HOW	ADV
+TO	PART
+POST	VERB
+TO	ADP
+NEWS	NOUN
+GROUPS	NOUN
+!!!	PUNCT
+*****	PUNCT
+
+STEP	NOUN
+ONE	NUM
+:	PUNCT
+You	PRON
+do	AUX
+not	PART
+need	VERB
+to	PART
+re-type	VERB
+this	DET
+entire	ADJ
+letter	NOUN
+to	PART
+do	VERB
+your	PRON
+own	ADJ
+posting	NOUN
+.	PUNCT
+
+Simply	ADV
+put	VERB
+your	PRON
+cursor	NOUN
+at	ADP
+the	DET
+beginning	NOUN
+of	ADP
+this	DET
+letter	NOUN
+and	CCONJ
+drag	VERB
+your	PRON
+cursor	NOUN
+to	ADP
+the	DET
+bottom	NOUN
+of	ADP
+this	DET
+document	NOUN
+,	PUNCT
+and	CCONJ
+select	VERB
+'	PUNCT
+copy	NOUN
+'	PUNCT
+from	ADP
+the	DET
+edit	NOUN
+menu	NOUN
+.	PUNCT
+
+This	PRON
+will	AUX
+copy	VERB
+the	DET
+entire	ADJ
+letter	NOUN
+into	ADP
+the	DET
+computer	NOUN
+'s	PART
+memory	NOUN
+.	PUNCT
+
+STEP	NOUN
+TWO	NUM
+:	PUNCT
+
+Open	VERB
+a	DET
+blank	ADJ
+'	PUNCT
+notepad	NOUN
+'	PUNCT
+file	NOUN
+and	CCONJ
+place	VERB
+your	PRON
+cursor	NOUN
+at	ADP
+the	DET
+top	NOUN
+of	ADP
+the	DET
+blank	ADJ
+page	NOUN
+.	PUNCT
+
+From	ADP
+the	DET
+'	PUNCT
+edit	NOUN
+'	PUNCT
+menu	NOUN
+select	VERB
+'	PUNCT
+paste	NOUN
+'	PUNCT
+.	PUNCT
+
+This	PRON
+will	AUX
+paste	VERB
+a	DET
+copy	NOUN
+of	ADP
+the	DET
+letter	NOUN
+into	ADP
+the	DET
+notepad	NOUN
+so	SCONJ
+that	SCONJ
+you	PRON
+will	AUX
+add	VERB
+your	PRON
+name	NOUN
+to	ADP
+the	DET
+list	NOUN
+.	PUNCT
+
+STEP	NOUN
+THREE	NUM
+:	PUNCT
+
+Save	VERB
+your	PRON
+new	ADJ
+notepad	NOUN
+file	NOUN
+as	ADP
+a	DET
+text	NOUN
+file	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+want	VERB
+to	PART
+do	VERB
+your	PRON
+posting	NOUN
+in	ADP
+different	ADJ
+settings	NOUN
+,	PUNCT
+you	PRON
+'ll	AUX
+always	ADV
+have	VERB
+this	DET
+file	NOUN
+to	PART
+go	VERB
+back	ADV
+to	ADP
+.	PUNCT
+
+STEP	NOUN
+FOUR	NUM
+:	PUNCT
+
+Visit	VERB
+message	NOUN
+boards	NOUN
+and	CCONJ
+post	VERB
+this	DET
+article	NOUN
+as	ADP
+a	DET
+new	ADJ
+message	NOUN
+by	SCONJ
+highlighting	VERB
+the	DET
+text	NOUN
+of	ADP
+this	DET
+letter	NOUN
+and	CCONJ
+selecting	VERB
+paste	NOUN
+from	ADP
+the	DET
+edit	NOUN
+menu	NOUN
+.	PUNCT
+
+Fill	VERB
+in	ADP
+the	DET
+subject	NOUN
+,	PUNCT
+this	PRON
+will	AUX
+be	AUX
+the	DET
+header	NOUN
+that	PRON
+everyone	PRON
+sees	VERB
+as	SCONJ
+they	PRON
+scroll	VERB
+through	ADP
+the	DET
+list	NOUN
+of	ADP
+postings	NOUN
+in	ADP
+a	DET
+particular	ADJ
+group	NOUN
+,	PUNCT
+click	VERB
+the	DET
+post	VERB
+message	NOUN
+button	NOUN
+.	PUNCT
+
+You	PRON
+'re	AUX
+done	ADJ
+.	PUNCT
+
+Congratulations	NOUN
+!!!!!!	PUNCT
+
+THAT	PRON
+'S	AUX
+IT	PRON
+!!	PUNCT
+
+All	DET
+you	PRON
+have	VERB
+to	PART
+do	VERB
+,	PUNCT
+and	CCONJ
+It	PRON
+Really	ADV
+works	VERB
+!!!	PUNCT
+
+Best	ADJ
+Wishes	NOUN
+
+Blue	PROPN
+Planet	PROPN
+:	PUNCT
+Who	PRON
+'s	AUX
+afraid	PROPN
+of	ADP
+Big	PROPN
+Bad	PROPN
+Wolf	PROPN
+?	PUNCT
+
+By	ADP
+Dan	PROPN
+Whipple	PROPN
+
+UNITED	PROPN
+PRESS	PROPN
+INTERNATIONAL	PROPN
+
+Boulder	PROPN
+,	PUNCT
+CO	PROPN
+,	PUNCT
+Feb.	PROPN
+23	NUM
+(	PUNCT
+UPI	PROPN
+)	PUNCT
+--	PUNCT
+
+Ever	ADV
+since	SCONJ
+he	PRON
+ate	VERB
+up	ADP
+Red	PROPN
+Riding	PROPN
+Hood	PROPN
+'s	PART
+grandma	NOUN
+and	CCONJ
+blew	VERB
+down	ADP
+the	DET
+houses	NOUN
+of	ADP
+two	NUM
+-	PUNCT
+thirds	NOUN
+of	ADP
+the	DET
+Three	PROPN
+Little	PROPN
+Pigs	PROPN
+,	PUNCT
+the	DET
+Big	PROPN
+Bad	PROPN
+Wolf	PROPN
+has	AUX
+held	VERB
+a	DET
+persistently	ADV
+bad	ADJ
+reputation	NOUN
+.	PUNCT
+
+In	ADP
+part	ADJ
+because	ADP
+of	ADP
+that	DET
+reputation	NOUN
+,	PUNCT
+the	DET
+gray	ADJ
+wolf	NOUN
+was	AUX
+nearly	ADV
+exterminated	VERB
+from	ADP
+the	DET
+lower	ADJ
+48	NUM
+states	NOUN
+by	ADP
+the	DET
+1920s	NOUN
+,	PUNCT
+except	ADP
+for	ADP
+a	DET
+small	ADJ
+remnant	NOUN
+population	NOUN
+on	ADP
+Isle	PROPN
+Royale	PROPN
+National	PROPN
+Park	PROPN
+in	ADP
+Michigan	PROPN
+'s	PART
+Lake	PROPN
+Superior	PROPN
+.	PUNCT
+
+The	DET
+last	ADJ
+wolf	NOUN
+was	AUX
+killed	VERB
+in	ADP
+Yellowstone	PROPN
+National	PROPN
+Park	PROPN
+in	ADP
+1943	NUM
+.	PUNCT
+
+Western	ADJ
+sheep	NOUN
+and	CCONJ
+cattle	NOUN
+ranchers	NOUN
+,	PUNCT
+on	ADP
+whose	PRON
+behalf	NOUN
+this	DET
+extermination	NOUN
+campaign	NOUN
+was	AUX
+conducted	VERB
+,	PUNCT
+gratefully	ADV
+dusted	VERB
+their	PRON
+hands	NOUN
+of	ADP
+the	DET
+wolf	NOUN
+and	CCONJ
+wrote	VERB
+him	PRON
+off	ADP
+as	ADP
+a	DET
+job	NOUN
+well	ADV
+done	VERB
+.	PUNCT
+
+Their	PRON
+sheep	NOUN
+could	AUX
+graze	VERB
+,	PUNCT
+their	PRON
+cows	NOUN
+could	AUX
+ruminate	VERB
+and	CCONJ
+never	ADV
+a	DET
+discouraging	ADJ
+word	NOUN
+would	AUX
+be	AUX
+heard	VERB
+.	PUNCT
+
+After	ADP
+the	DET
+major	ADJ
+kill	NOUN
+-	PUNCT
+offs	NOUN
+,	PUNCT
+wolves	NOUN
+outside	ADP
+of	ADP
+Alaska	PROPN
+and	CCONJ
+Canada	PROPN
+existed	VERB
+mostly	ADV
+as	ADP
+legend	NOUN
+.	PUNCT
+
+Like	ADP
+UFOs	NOUN
+or	CCONJ
+Sasquatch	PROPN
+,	PUNCT
+several	ADJ
+people	NOUN
+claimed	VERB
+to	PART
+see	VERB
+fleeting	ADJ
+lone	ADJ
+wolves	NOUN
+,	PUNCT
+usually	ADV
+in	ADP
+Yellowstone	PROPN
+.	PUNCT
+
+In	ADP
+the	DET
+1960s	NOUN
+,	PUNCT
+a	DET
+group	NOUN
+shooting	VERB
+a	DET
+movie	NOUN
+in	ADP
+the	DET
+Wyoming	PROPN
+park	NOUN
+reportedly	ADV
+imported	VERB
+some	DET
+captive	ADJ
+wolves	NOUN
+,	PUNCT
+then	ADV
+released	VERB
+them	PRON
+when	ADV
+their	PRON
+shooting	NOUN
+was	AUX
+done	ADJ
+.	PUNCT
+
+If	SCONJ
+so	ADV
+,	PUNCT
+this	DET
+happy	ADJ
+band	NOUN
+has	AUX
+not	PART
+been	AUX
+heard	VERB
+from	ADP
+since	ADV
+.	PUNCT
+
+Rumor	NOUN
+also	ADV
+had	VERB
+it	PRON
+some	DET
+renegade	ADJ
+biologist	NOUN
+brought	VERB
+a	DET
+caged	VERB
+pair	NOUN
+to	ADP
+Yellowstone	PROPN
+and	CCONJ
+released	VERB
+them	PRON
+into	ADP
+the	DET
+wild	NOUN
+sometime	ADV
+in	ADP
+the	DET
+1970s	NOUN
+,	PUNCT
+hoping	VERB
+to	PART
+reestablish	VERB
+a	DET
+breeding	VERB
+population	NOUN
+.	PUNCT
+
+If	SCONJ
+true	ADJ
+,	PUNCT
+the	DET
+caper	NOUN
+failed	VERB
+.	PUNCT
+
+Over	ADP
+time	NOUN
+,	PUNCT
+the	DET
+wolf	NOUN
+'s	PART
+absence	NOUN
+seemed	VERB
+to	PART
+rehabilitate	VERB
+its	PRON
+image	NOUN
+.	PUNCT
+
+Eventually	ADV
+,	PUNCT
+a	DET
+trickle	NOUN
+of	ADP
+support	NOUN
+appeared	VERB
+for	SCONJ
+bringing	VERB
+the	DET
+predator	NOUN
+back	ADV
+to	ADP
+its	PRON
+former	ADJ
+home	NOUN
+range	NOUN
+in	ADP
+the	DET
+northern	ADJ
+Rocky	PROPN
+Mountains	PROPN
+.	PUNCT
+
+This	DET
+trickle	NOUN
+grew	VERB
+into	ADP
+a	DET
+flood	NOUN
+,	PUNCT
+resulting	VERB
+in	SCONJ
+14	NUM
+wolves	NOUN
+being	AUX
+reintroduced	VERB
+in	ADP
+Yellowstone	PROPN
+in	ADP
+1995	NUM
+by	ADP
+the	DET
+U.S.	PROPN
+Fish	PROPN
+and	CCONJ
+Wildlife	PROPN
+Service	PROPN
+--	PUNCT
+albeit	SCONJ
+over	ADP
+the	DET
+strong	ADJ
+and	CCONJ
+still	ADV
+-	PUNCT
+continuing	VERB
+objections	NOUN
+of	ADP
+ranchers	NOUN
+.	PUNCT
+
+These	DET
+wolf	NOUN
+packs	NOUN
+have	AUX
+flourished	VERB
+,	PUNCT
+and	CCONJ
+now	ADV
+there	PRON
+are	VERB
+an	DET
+estimated	VERB
+850	NUM
+wolves	NOUN
+roaming	VERB
+the	DET
+northern	ADJ
+Rockies	PROPN
+,	PUNCT
+where	ADV
+merely	ADV
+10	NUM
+years	NOUN
+ago	ADV
+there	PRON
+were	VERB
+none	NOUN
+.	PUNCT
+
+One	NUM
+compelling	ADJ
+argument	NOUN
+for	ADP
+reintroduction	NOUN
+was	AUX
+the	DET
+wolf	NOUN
+acts	VERB
+as	ADP
+a	DET
+keystone	NOUN
+predator	NOUN
+,	PUNCT
+an	DET
+animal	NOUN
+that	PRON
+affects	VERB
+the	DET
+populations	NOUN
+,	PUNCT
+behavior	NOUN
+and	CCONJ
+ecology	NOUN
+of	ADP
+a	DET
+wide	ADJ
+variety	NOUN
+of	ADP
+species	NOUN
+within	ADP
+its	PRON
+range	NOUN
+.	PUNCT
+
+Some	DET
+recent	ADJ
+research	NOUN
+conducted	VERB
+by	ADP
+Oregon	PROPN
+State	PROPN
+University	PROPN
+has	AUX
+given	VERB
+considerable	ADJ
+credence	NOUN
+to	ADP
+this	DET
+idea	NOUN
+.	PUNCT
+
+OSU	PROPN
+forestry	NOUN
+professors	NOUN
+William	PROPN
+Ripple	PROPN
+and	CCONJ
+Robert	PROPN
+Beschta	PROPN
+have	AUX
+found	VERB
+that	SCONJ
+wolves	NOUN
+actually	ADV
+promote	VERB
+stream	NOUN
+-	PUNCT
+bank	NOUN
+stabilization	NOUN
+,	PUNCT
+although	SCONJ
+they	PRON
+have	AUX
+given	VERB
+the	DET
+phenomenon	NOUN
+the	DET
+unfortunate	ADJ
+name	NOUN
+of	ADP
+"	PUNCT
+the	DET
+ecology	NOUN
+of	ADP
+fear	NOUN
+"	PUNCT
+--	PUNCT
+something	PRON
+that	PRON
+smacks	VERB
+of	ADP
+the	DET
+horrible	ADJ
+PR	NOUN
+resulting	VERB
+from	ADP
+the	DET
+wolf	NOUN
+'s	PART
+relationships	NOUN
+with	ADP
+Riding	PROPN
+Hood	PROPN
+and	CCONJ
+the	DET
+Three	PROPN
+Pigs	PROPN
+.	PUNCT
+
+They	PRON
+explained	VERB
+that	SCONJ
+elk	NOUN
+in	ADP
+Yellowstone	PROPN
+used	VERB
+to	PART
+browse	VERB
+unmolested	ADJ
+on	ADP
+young	ADJ
+aspen	NOUN
+and	CCONJ
+willow	NOUN
+growing	VERB
+near	ADP
+the	DET
+banks	NOUN
+of	ADP
+streams	NOUN
+,	PUNCT
+a	DET
+behavior	NOUN
+that	PRON
+prevented	VERB
+the	DET
+saplings	NOUN
+from	SCONJ
+reaching	VERB
+mature	ADJ
+stages	NOUN
+and	CCONJ
+increased	VERB
+the	DET
+possibility	NOUN
+of	ADP
+soil	NOUN
+erosion	NOUN
+.	PUNCT
+
+Since	ADP
+reintroduction	NOUN
+,	PUNCT
+however	ADV
+,	PUNCT
+Ripple	PROPN
+and	CCONJ
+Beschta	PROPN
+have	AUX
+found	VERB
+,	PUNCT
+fear	NOUN
+of	ADP
+the	DET
+wolves	NOUN
+apparently	ADV
+has	AUX
+discouraged	VERB
+the	DET
+elk	NOUN
+from	SCONJ
+spending	VERB
+too	ADV
+much	ADJ
+time	NOUN
+at	ADP
+stream	NOUN
+banks	NOUN
+--	PUNCT
+where	ADV
+they	PRON
+are	AUX
+out	ADV
+in	ADP
+the	DET
+open	ADJ
+--	PUNCT
+and	CCONJ
+munching	VERB
+on	ADP
+the	DET
+saplings	NOUN
+.	PUNCT
+
+"	PUNCT
+All	DET
+you	PRON
+have	VERB
+to	PART
+do	VERB
+is	VERB
+look	VERB
+at	ADP
+the	DET
+photographs	NOUN
+,	PUNCT
+"	PUNCT
+Ed	PROPN
+Bangs	PROPN
+,	PUNCT
+wolf	NOUN
+recovery	NOUN
+coordinator	NOUN
+for	ADP
+the	DET
+U.S.	PROPN
+Fish	PROPN
+and	CCONJ
+Wildlife	PROPN
+Service	PROPN
+,	PUNCT
+told	VERB
+UPI	PROPN
+'s	PART
+Blue	PROPN
+Planet	PROPN
+,	PUNCT
+
+"	PUNCT
+You	PRON
+say	VERB
+,	PUNCT
+'	PUNCT
+wow	INTJ
+!	PUNCT
+'	PUNCT
+
+An	DET
+area	NOUN
+that	PRON
+used	VERB
+to	PART
+be	AUX
+bald	ADJ
+as	ADP
+a	DET
+billiard	NOUN
+ball	NOUN
+is	AUX
+now	ADV
+a	DET
+sea	NOUN
+of	ADP
+willow	NOUN
+.	PUNCT
+"	PUNCT
+
+This	DET
+simple	ADJ
+change	NOUN
+has	AUX
+triggered	VERB
+a	DET
+veritable	ADJ
+ecological	ADJ
+cascade	NOUN
+in	ADP
+Yellowstone	PROPN
+.	PUNCT
+
+More	ADJ
+streamside	ADJ
+willow	NOUN
+and	CCONJ
+aspen	NOUN
+have	AUX
+meant	VERB
+better	ADJ
+habitat	NOUN
+for	ADP
+beaver	NOUN
+,	PUNCT
+for	ADP
+instance	NOUN
+.	PUNCT
+
+Where	ADV
+there	PRON
+had	AUX
+been	VERB
+only	ADV
+one	NUM
+beaver	NOUN
+colony	NOUN
+in	ADP
+the	DET
+park	NOUN
+'s	PART
+northern	ADJ
+range	NOUN
+before	SCONJ
+the	DET
+wolves	NOUN
+returned	VERB
+,	PUNCT
+now	ADV
+there	PRON
+are	VERB
+nine	NUM
+.	PUNCT
+
+"	PUNCT
+It	PRON
+may	AUX
+be	AUX
+uninteresting	ADJ
+to	ADP
+a	DET
+lot	NOUN
+of	ADP
+people	NOUN
+,	PUNCT
+"	PUNCT
+Beschta	PROPN
+told	VERB
+Blue	PROPN
+Planet	PROPN
+.	PUNCT
+
+"	PUNCT
+There	PRON
+'s	VERB
+a	DET
+lot	NOUN
+of	ADP
+impact	NOUN
+on	ADP
+plants	NOUN
+and	CCONJ
+they	PRON
+say	VERB
+,	PUNCT
+'	PUNCT
+Who	PRON
+cares	VERB
+?	PUNCT
+'	PUNCT
+
+But	CCONJ
+we	PRON
+'ve	AUX
+been	AUX
+looking	VERB
+at	ADP
+streamside	ADJ
+communities	NOUN
+.	PUNCT
+
+Since	ADP
+wolf	NOUN
+recovery	NOUN
+,	PUNCT
+streamside	NOUN
+plants	NOUN
+,	PUNCT
+willows	NOUN
+and	CCONJ
+cottonwoods	NOUN
+provide	VERB
+food	NOUN
+for	ADP
+other	ADJ
+critters	NOUN
+--	PUNCT
+beavers	NOUN
+,	PUNCT
+a	DET
+whole	ADJ
+variety	NOUN
+of	ADP
+avian	ADJ
+species	NOUN
+,	PUNCT
+berry	NOUN
+-	PUNCT
+producing	VERB
+shrubs	NOUN
+that	PRON
+bears	VERB
+can	AUX
+use	VERB
+.	PUNCT
+
+It	PRON
+'s	AUX
+important	ADJ
+with	ADP
+regard	NOUN
+to	ADP
+the	DET
+quality	NOUN
+of	ADP
+streams	NOUN
+.	PUNCT
+
+The	DET
+plants	NOUN
+provide	VERB
+shade	NOUN
+and	CCONJ
+root	NOUN
+strength	NOUN
+for	ADP
+bank	NOUN
+stability	NOUN
+.	PUNCT
+
+Plants	NOUN
+are	AUX
+critical	ADJ
+to	ADP
+wildland	NOUN
+ecosystems	NOUN
+.	PUNCT
+"	PUNCT
+
+Yellowstone	PROPN
+has	VERB
+a	DET
+vast	ADJ
+elk	NOUN
+herd	NOUN
+,	PUNCT
+one	NUM
+of	ADP
+the	DET
+largest	ADJ
+in	ADP
+the	DET
+world	NOUN
+.	PUNCT
+
+Bangs	PROPN
+said	VERB
+although	SCONJ
+the	DET
+number	NOUN
+of	ADP
+elk	NOUN
+has	AUX
+not	PART
+declined	VERB
+very	ADV
+much	ADV
+since	SCONJ
+the	DET
+wolves	NOUN
+came	VERB
+back	ADV
+,	PUNCT
+their	PRON
+behavior	NOUN
+appears	VERB
+markedly	ADV
+different	ADJ
+.	PUNCT
+
+"	PUNCT
+I	PRON
+'m	AUX
+pretty	ADV
+suspicious	ADJ
+of	SCONJ
+making	VERB
+broad	ADJ
+generalizations	NOUN
+,	PUNCT
+"	PUNCT
+however	ADV
+,	PUNCT
+he	PRON
+cautioned	VERB
+.	PUNCT
+
+"	PUNCT
+Wolves	NOUN
+are	AUX
+still	ADV
+pretty	ADV
+new	ADJ
+.	PUNCT
+
+They	PRON
+'ve	AUX
+only	ADV
+been	AUX
+there	ADV
+for	ADP
+10	NUM
+years	NOUN
+.	PUNCT
+
+In	ADP
+10	NUM
+more	ADJ
+years	NOUN
+we	PRON
+'ll	AUX
+have	VERB
+a	DET
+better	ADJ
+idea	NOUN
+.	PUNCT
+"	PUNCT
+
+Wolf	NOUN
+reintroduction	NOUN
+in	ADP
+the	DET
+northern	ADJ
+Rockies	PROPN
+has	AUX
+been	AUX
+so	ADV
+successful	ADJ
+the	DET
+Fish	PROPN
+and	CCONJ
+Wildlife	PROPN
+Service	PROPN
+has	AUX
+moved	VERB
+to	PART
+reduce	VERB
+the	DET
+animal	NOUN
+'s	PART
+status	NOUN
+from	ADP
+endangered	NOUN
+to	ADP
+threatened	NOUN
+and	CCONJ
+,	PUNCT
+eventually	ADV
+,	PUNCT
+to	PART
+remove	VERB
+it	PRON
+from	ADP
+the	DET
+endangered	ADJ
+species	NOUN
+list	NOUN
+altogether	ADV
+.	PUNCT
+
+Bangs	PROPN
+said	VERB
+the	DET
+agency	NOUN
+has	AUX
+established	VERB
+viable	ADJ
+wolf	NOUN
+packs	NOUN
+in	ADP
+the	DET
+northern	ADJ
+Rockies	PROPN
+,	PUNCT
+as	SCONJ
+required	VERB
+by	ADP
+federal	ADJ
+regulations	NOUN
+.	PUNCT
+
+Some	DET
+conservationists	NOUN
+want	VERB
+the	DET
+protection	NOUN
+extended	VERB
+so	SCONJ
+wolves	NOUN
+can	AUX
+move	VERB
+into	ADP
+other	ADJ
+states	NOUN
+,	PUNCT
+including	VERB
+Colorado	PROPN
+,	PUNCT
+Utah	PROPN
+and	CCONJ
+Oregon	PROPN
+,	PUNCT
+among	ADP
+others	NOUN
+.	PUNCT
+
+On	ADP
+Jan.	PROPN
+31	NUM
+,	PUNCT
+Oregon	PROPN
+Federal	PROPN
+District	PROPN
+Court	PROPN
+Judge	PROPN
+Robert	PROPN
+E.	PROPN
+Jones	PROPN
+appeared	VERB
+to	PART
+agree	VERB
+with	ADP
+them	PRON
+.	PUNCT
+
+He	PRON
+vacated	VERB
+the	DET
+FWS	PROPN
+decision	NOUN
+to	PART
+downgrade	VERB
+the	DET
+wolf	NOUN
+'s	PART
+status	NOUN
+.	PUNCT
+
+Bangs	PROPN
+said	VERB
+his	PRON
+agency	NOUN
+is	AUX
+still	ADV
+reviewing	VERB
+the	DET
+decision	NOUN
+.	PUNCT
+
+Regardless	ADV
+of	ADP
+the	DET
+wolf	NOUN
+'s	PART
+legal	ADJ
+status	NOUN
+,	PUNCT
+its	PRON
+future	ADJ
+expansion	NOUN
+into	ADP
+new	ADJ
+areas	NOUN
+now	ADV
+seems	VERB
+likely	ADJ
+.	PUNCT
+
+Wolves	NOUN
+can	AUX
+migrate	VERB
+considerable	ADJ
+distances	NOUN
+.	PUNCT
+
+A	DET
+Yellowstone	PROPN
+wolf	NOUN
+was	AUX
+found	VERB
+dead	ADJ
+,	PUNCT
+hit	VERB
+by	ADP
+a	DET
+car	NOUN
+,	PUNCT
+on	ADP
+a	DET
+Colorado	PROPN
+highway	NOUN
+last	ADJ
+year	NOUN
+,	PUNCT
+several	ADJ
+hundred	NUM
+miles	NOUN
+from	ADP
+home	NOUN
+.	PUNCT
+
+Meanwhile	ADV
+,	PUNCT
+his	PRON
+reputation	NOUN
+seems	VERB
+to	PART
+be	AUX
+improving	VERB
+,	PUNCT
+although	SCONJ
+Bangs	PROPN
+noted	VERB
+a	DET
+"	PUNCT
+pretty	ADV
+interesting	ADJ
+social	ADJ
+dynamic	NOUN
+.	PUNCT
+"	PUNCT
+
+There	PRON
+are	VERB
+only	ADV
+about	ADV
+850	NUM
+wolves	NOUN
+in	ADP
+the	DET
+West	ADJ
+,	PUNCT
+but	CCONJ
+there	PRON
+are	VERB
+an	DET
+estimated	VERB
+31,000	NUM
+mountain	NOUN
+lions	NOUN
+.	PUNCT
+
+Pound	NOUN
+for	ADP
+pound	NOUN
+,	PUNCT
+mountain	NOUN
+lions	NOUN
+eat	VERB
+more	ADJ
+game	NOUN
+and	CCONJ
+more	ADJ
+livestock	NOUN
+than	ADP
+wolves	NOUN
+.	PUNCT
+
+They	PRON
+even	ADV
+occasionally	ADV
+attack	VERB
+people	NOUN
+,	PUNCT
+which	PRON
+wolves	NOUN
+do	AUX
+not	PART
+--	PUNCT
+despite	ADP
+the	DET
+propaganda	NOUN
+from	ADP
+the	DET
+Brothers	PROPN
+Grimm	PROPN
+.	PUNCT
+
+Yet	CCONJ
+people	NOUN
+seem	VERB
+willing	ADJ
+--	PUNCT
+even	ADV
+eager	ADJ
+--	PUNCT
+to	PART
+accommodate	VERB
+mountain	NOUN
+lions	NOUN
+,	PUNCT
+despite	ADP
+the	DET
+risks	NOUN
+.	PUNCT
+
+It	PRON
+remains	VERB
+to	PART
+be	AUX
+seen	VERB
+whether	SCONJ
+they	PRON
+will	AUX
+extend	VERB
+the	DET
+same	ADJ
+courtesy	NOUN
+to	ADP
+the	DET
+arriving	VERB
+gray	ADJ
+wolf	NOUN
+.	PUNCT
+
+Regarding	VERB
+those	DET
+rumors	NOUN
+about	ADP
+wolves	NOUN
+living	VERB
+in	ADP
+Yellowstone	PROPN
+prior	ADJ
+to	ADP
+the	DET
+official	ADJ
+reintroduction	NOUN
+?	PUNCT
+
+They	PRON
+seem	VERB
+to	PART
+be	AUX
+just	ADV
+that	DET
+:	PUNCT
+rumors	NOUN
+.	PUNCT
+
+True	ADJ
+,	PUNCT
+there	PRON
+are	VERB
+about	ADV
+300,000	NUM
+wolves	NOUN
+and	CCONJ
+wolf	NOUN
+hybrids	NOUN
+kept	VERB
+as	ADP
+pets	NOUN
+in	ADP
+the	DET
+United	PROPN
+States	PROPN
+.	PUNCT
+
+It	PRON
+also	ADV
+is	AUX
+likely	ADJ
+people	NOUN
+have	AUX
+released	VERB
+some	DET
+of	ADP
+these	DET
+animals	NOUN
+into	ADP
+the	DET
+wild	NOUN
+hoping	VERB
+they	PRON
+would	AUX
+survive	VERB
+--	PUNCT
+for	ADP
+instance	NOUN
+,	PUNCT
+a	DET
+ranger	NOUN
+in	ADP
+Glacier	PROPN
+Park	PROPN
+caught	VERB
+someone	PRON
+in	ADP
+this	DET
+very	ADJ
+act	NOUN
+not	PART
+long	ADV
+ago	ADV
+.	PUNCT
+
+Bangs	PROPN
+said	VERB
+these	DET
+animals	NOUN
+are	AUX
+not	PART
+equipped	VERB
+to	PART
+survive	VERB
+in	ADP
+the	DET
+wild	NOUN
+,	PUNCT
+however	ADV
+,	PUNCT
+and	CCONJ
+they	PRON
+all	DET
+almost	ADV
+certainly	ADV
+have	AUX
+died	VERB
+.	PUNCT
+
+He	PRON
+said	VERB
+after	ADP
+10	NUM
+years	NOUN
+of	ADP
+DNA	NOUN
+testing	NOUN
+on	ADP
+northern	ADJ
+Rockies	PROPN
+wolves	NOUN
+,	PUNCT
+scientists	NOUN
+have	AUX
+not	PART
+found	VERB
+a	DET
+single	ADJ
+strain	NOUN
+that	PRON
+did	AUX
+not	PART
+belong	VERB
+to	ADP
+one	NUM
+of	ADP
+the	DET
+wolves	NOUN
+the	DET
+agency	NOUN
+released	VERB
+--	PUNCT
+or	CCONJ
+their	PRON
+descendants	NOUN
+.	PUNCT
+
+--	PUNCT
+
+Blue	PROPN
+Planet	PROPN
+is	AUX
+a	DET
+weekly	ADJ
+series	NOUN
+examining	VERB
+the	DET
+relationship	NOUN
+of	ADP
+humans	NOUN
+to	ADP
+the	DET
+environment	NOUN
+,	PUNCT
+by	ADP
+veteran	NOUN
+environmental	ADJ
+reporter	NOUN
+Dan	PROPN
+Whipple	PROPN
+.	PUNCT
+
+E-mail	NOUN
+:	PUNCT
+sciencem...@upi.com	X
+
+Climate	NOUN
+:	PUNCT
+Humans	NOUN
+fuss	VERB
+,	PUNCT
+animals	NOUN
+adjust	VERB
+
+By	ADP
+Dan	PROPN
+Whipple	PROPN
+
+UNITED	PROPN
+PRESS	PROPN
+INTERNATIONAL	PROPN
+
+Boulder	PROPN
+,	PUNCT
+CO	PROPN
+,	PUNCT
+Nov.	PROPN
+15	NUM
+(	PUNCT
+UPI	PROPN
+)	PUNCT
+--	PUNCT
+
+Scientists	NOUN
+can	AUX
+argue	VERB
+all	ADV
+they	PRON
+want	VERB
+about	ADP
+how	ADV
+many	ADJ
+degrees	NOUN
+Celsius	PROPN
+--	PUNCT
+or	CCONJ
+Fahrenheit	PROPN
+--	PUNCT
+the	DET
+planet	NOUN
+is	AUX
+warming	VERB
+and	CCONJ
+what	PRON
+the	DET
+trend	NOUN
+portends	VERB
+,	PUNCT
+but	CCONJ
+meanwhile	ADV
+Earth	PROPN
+'s	PART
+plants	NOUN
+,	PUNCT
+insects	NOUN
+and	CCONJ
+animals	NOUN
+are	AUX
+not	PART
+waiting	VERB
+for	ADP
+the	DET
+outcome	NOUN
+.	PUNCT
+
+They	PRON
+already	ADV
+are	AUX
+altering	VERB
+their	PRON
+patterns	NOUN
+of	ADP
+behavior	NOUN
+in	ADP
+response	NOUN
+to	SCONJ
+what	PRON
+is	AUX
+happening	VERB
+.	PUNCT
+
+It	PRON
+turns	VERB
+out	ADP
+one	NUM
+of	ADP
+the	DET
+surest	ADJ
+barometers	NOUN
+of	ADP
+the	DET
+warming	VERB
+climate	NOUN
+is	AUX
+the	DET
+response	NOUN
+of	ADP
+the	DET
+non-human	ADJ
+natural	ADJ
+world	NOUN
+to	ADP
+changing	VERB
+conditions	NOUN
+,	PUNCT
+and	CCONJ
+biologists	NOUN
+who	PRON
+study	VERB
+the	DET
+responses	NOUN
+have	AUX
+been	AUX
+aware	ADJ
+for	ADP
+some	DET
+years	NOUN
+the	DET
+biosphere	NOUN
+is	AUX
+acknowledging	VERB
+global	ADJ
+warming	NOUN
+.	PUNCT
+
+Nina	PROPN
+Leopold	PROPN
+Bradley	PROPN
+,	PUNCT
+a	DET
+plant	NOUN
+ecologist	NOUN
+and	CCONJ
+daughter	NOUN
+of	ADP
+the	DET
+conservation	NOUN
+pioneer	NOUN
+Aldo	PROPN
+Leopold	PROPN
+,	PUNCT
+published	VERB
+a	DET
+1999	NUM
+paper	NOUN
+in	ADP
+the	DET
+Proceedings	PROPN
+of	ADP
+the	DET
+National	PROPN
+Academy	PROPN
+of	ADP
+Sciences	PROPN
+on	ADP
+her	PRON
+61	NUM
+-	PUNCT
+year	NOUN
+uninterrupted	ADJ
+phenological	ADJ
+records	NOUN
+.	PUNCT
+
+Phenology	NOUN
+studies	VERB
+an	DET
+organism	NOUN
+'s	PART
+development	NOUN
+and	CCONJ
+life	NOUN
+cycle	NOUN
+--	PUNCT
+the	DET
+pulse	NOUN
+of	ADP
+life	NOUN
+.	PUNCT
+
+Bradley	PROPN
+'s	PART
+record	NOUN
+of	ADP
+300	NUM
+phenophases	NOUN
+found	VERB
+that	SCONJ
+even	ADV
+prior	ADJ
+to	ADP
+1999	NUM
+,	PUNCT
+spring	NOUN
+was	AUX
+arriving	VERB
+in	ADP
+higher	ADJ
+latitudes	NOUN
+several	ADJ
+weeks	NOUN
+earlier	ADV
+than	ADP
+in	ADP
+the	DET
+earlier	ADJ
+years	NOUN
+of	ADP
+her	PRON
+data	NOUN
+.	PUNCT
+
+Birds	NOUN
+arrived	VERB
+sooner	ADV
+on	ADP
+their	PRON
+migrations	NOUN
+from	ADP
+the	DET
+south	NOUN
+and	CCONJ
+plants	NOUN
+flowered	VERB
+earlier	ADV
+.	PUNCT
+
+The	DET
+Eastern	ADJ
+phoebe	NOUN
+is	AUX
+showing	VERB
+up	ADP
+about	ADV
+20	NUM
+days	NOUN
+before	SCONJ
+it	PRON
+used	VERB
+to	PART
+.	PUNCT
+
+The	DET
+forest	NOUN
+phlox	NOUN
+is	AUX
+blooming	VERB
+in	ADP
+late	ADJ
+April	PROPN
+instead	ADV
+of	ADP
+mid-May	PROPN
+.	PUNCT
+
+Half	NOUN
+of	ADP
+the	DET
+300	NUM
+phenophases	NOUN
+Leopold	PROPN
+tracked	VERB
+showed	VERB
+a	DET
+response	NOUN
+consistent	ADJ
+with	ADP
+warming	NOUN
+.	PUNCT
+
+In	ADP
+England	PROPN
+,	PUNCT
+the	DET
+cuckoo	NOUN
+returns	VERB
+earlier	ADV
+.	PUNCT
+
+An	DET
+analysis	NOUN
+of	ADP
+65	NUM
+bird	NOUN
+species	NOUN
+in	ADP
+the	DET
+United	PROPN
+Kingdom	PROPN
+shows	VERB
+about	ADV
+one	NUM
+-	PUNCT
+third	NOUN
+are	AUX
+laying	VERB
+their	PRON
+eggs	NOUN
+four	NUM
+to	ADP
+seven	NUM
+days	NOUN
+earlier	ADV
+than	SCONJ
+they	PRON
+did	AUX
+25	NUM
+years	NOUN
+ago	ADV
+.	PUNCT
+
+"	PUNCT
+One	NUM
+of	ADP
+the	DET
+major	ADJ
+,	PUNCT
+most	ADV
+well	ADV
+-	PUNCT
+documented	VERB
+and	CCONJ
+robust	ADJ
+findings	NOUN
+in	ADP
+ecology	NOUN
+over	ADP
+the	DET
+past	ADJ
+century	NOUN
+has	AUX
+been	AUX
+the	DET
+crucial	ADJ
+role	NOUN
+of	ADP
+climate	NOUN
+in	SCONJ
+determining	VERB
+the	DET
+geographical	ADJ
+distribution	NOUN
+of	ADP
+species	NOUN
+and	CCONJ
+ecological	ADJ
+communities	NOUN
+,	PUNCT
+"	PUNCT
+concluded	VERB
+a	DET
+report	NOUN
+titled	VERB
+"	PUNCT
+Observed	VERB
+Impacts	PROPN
+of	ADP
+Global	PROPN
+Climate	PROPN
+Change	PROPN
+in	ADP
+the	DET
+United	PROPN
+States	PROPN
+,	PUNCT
+"	PUNCT
+released	VERB
+by	ADP
+the	DET
+Pew	PROPN
+Center	PROPN
+on	ADP
+Global	PROPN
+Climate	PROPN
+last	ADJ
+week	NOUN
+.	PUNCT
+
+Pew	PROPN
+researchers	NOUN
+looked	VERB
+at	ADP
+about	ADV
+40	NUM
+studies	NOUN
+that	PRON
+could	AUX
+provide	VERB
+an	DET
+assessment	NOUN
+of	SCONJ
+whether	SCONJ
+climate	NOUN
+was	AUX
+affecting	VERB
+biology	NOUN
+.	PUNCT
+
+"	PUNCT
+Half	NOUN
+of	ADP
+the	DET
+studies	NOUN
+provide	VERB
+strong	ADJ
+evidence	NOUN
+of	ADP
+a	DET
+causal	ADJ
+link	NOUN
+between	ADP
+the	DET
+biological	ADJ
+change	NOUN
+and	CCONJ
+climate	NOUN
+change	NOUN
+,	PUNCT
+"	PUNCT
+said	VERB
+Camille	PROPN
+Parmesan	PROPN
+,	PUNCT
+a	DET
+University	PROPN
+of	ADP
+Texas	PROPN
+-	PUNCT
+Austin	PROPN
+biologist	NOUN
+and	CCONJ
+one	NUM
+of	ADP
+the	DET
+world	NOUN
+'s	PART
+leading	VERB
+experts	NOUN
+on	ADP
+this	DET
+issue	NOUN
+.	PUNCT
+
+These	DET
+changes	NOUN
+are	AUX
+occurring	VERB
+across	ADP
+all	DET
+species	NOUN
+,	PUNCT
+Parmesan	PROPN
+told	VERB
+UPI	PROPN
+'s	PART
+Climate	PROPN
+.	PUNCT
+
+"	PUNCT
+Across	ADP
+the	DET
+United	PROPN
+States	PROPN
+,	PUNCT
+the	DET
+northern	ADJ
+edge	NOUN
+of	ADP
+species	NOUN
+'	PART
+range	NOUN
+is	AUX
+expanding	VERB
+,	PUNCT
+"	PUNCT
+she	PRON
+said	VERB
+.	PUNCT
+
+Parmesan	PROPN
+has	AUX
+spent	VERB
+much	ADJ
+of	ADP
+her	PRON
+career	NOUN
+studying	VERB
+the	DET
+checkerspot	NOUN
+butterfly	NOUN
+,	PUNCT
+which	PRON
+migrates	VERB
+between	ADP
+Mexico	PROPN
+and	CCONJ
+southern	ADJ
+California	PROPN
+.	PUNCT
+
+Some	DET
+localized	VERB
+extinctions	NOUN
+already	ADV
+have	AUX
+occurred	VERB
+across	ADP
+some	DET
+of	ADP
+its	PRON
+habitat	NOUN
+.	PUNCT
+
+"	PUNCT
+Empirical	ADJ
+research	NOUN
+pointed	VERB
+to	ADP
+climate	NOUN
+as	SCONJ
+being	AUX
+a	DET
+strong	ADJ
+driver	NOUN
+,	PUNCT
+"	PUNCT
+she	PRON
+said	VERB
+.	PUNCT
+
+"	PUNCT
+There	PRON
+have	AUX
+been	VERB
+large	ADJ
+numbers	NOUN
+of	ADP
+population	NOUN
+extinctions	NOUN
+in	ADP
+Mexico	PROPN
+and	CCONJ
+southern	ADJ
+California	PROPN
+in	ADP
+areas	NOUN
+where	ADV
+the	DET
+habitat	NOUN
+is	AUX
+still	ADV
+acceptable	ADJ
+.	PUNCT
+"	PUNCT
+
+According	VERB
+to	ADP
+Parmesan	PROPN
+'s	PART
+earlier	ADJ
+studies	NOUN
+,	PUNCT
+one	NUM
+extinction	NOUN
+event	NOUN
+,	PUNCT
+for	ADP
+instance	NOUN
+,	PUNCT
+was	AUX
+triggered	VERB
+when	ADV
+a	DET
+checkerspot	NOUN
+population	NOUN
+migrated	VERB
+north	ADV
+prematurely	ADV
+,	PUNCT
+relying	VERB
+on	ADP
+a	DET
+warming	VERB
+temperature	NOUN
+signal	NOUN
+,	PUNCT
+then	ADV
+was	AUX
+caught	VERB
+in	ADP
+a	DET
+severe	ADJ
+snowstorm	NOUN
+in	ADP
+its	PRON
+northern	ADJ
+habitat	NOUN
+.	PUNCT
+
+Throughout	ADP
+the	DET
+United	PROPN
+States	PROPN
+,	PUNCT
+she	PRON
+said	VERB
+,	PUNCT
+"	PUNCT
+spring	NOUN
+is	AUX
+about	ADV
+two	NUM
+weeks	NOUN
+earlier	ADJ
+.	PUNCT
+
+Tree	NOUN
+swallows	NOUN
+are	AUX
+nesting	VERB
+nine	NUM
+days	NOUN
+earlier	ADV
+.	PUNCT
+
+Tropical	ADJ
+species	NOUN
+have	AUX
+moved	VERB
+up	ADP
+to	ADP
+Florida	PROPN
+and	CCONJ
+the	DET
+Gulf	PROPN
+Coast	PROPN
+.	PUNCT
+
+Bird	NOUN
+and	CCONJ
+butterfly	NOUN
+watchers	NOUN
+are	AUX
+seeing	VERB
+many	ADJ
+,	PUNCT
+many	ADJ
+new	ADJ
+species	NOUN
+coming	VERB
+up	ADV
+from	ADP
+Mexico	PROPN
+and	CCONJ
+the	DET
+Caribbean	PROPN
+.	PUNCT
+"	PUNCT
+
+As	SCONJ
+the	DET
+Pew	PROPN
+report	NOUN
+concluded	VERB
+,	PUNCT
+"	PUNCT
+Sufficient	ADJ
+studies	NOUN
+now	ADV
+exist	VERB
+to	PART
+conclude	VERB
+that	SCONJ
+the	DET
+consequences	NOUN
+of	ADP
+climate	NOUN
+change	NOUN
+are	AUX
+already	ADV
+detectable	ADJ
+within	ADP
+U.S.	PROPN
+ecosystems	NOUN
+.	PUNCT
+"	PUNCT
+
+Such	ADJ
+consequences	NOUN
+include	VERB
+shifting	NOUN
+and	CCONJ
+,	PUNCT
+in	ADP
+some	DET
+cases	NOUN
+,	PUNCT
+contraction	NOUN
+of	ADP
+ranges	NOUN
+and	CCONJ
+changes	NOUN
+in	ADP
+species	NOUN
+composition	NOUN
+within	ADP
+ecosystems	NOUN
+.	PUNCT
+
+The	DET
+report	NOUN
+also	ADV
+found	VERB
+alterations	NOUN
+of	ADP
+ecosystem	NOUN
+processes	NOUN
+such	ADJ
+as	ADP
+carbon	NOUN
+cycling	NOUN
+and	CCONJ
+storage	NOUN
+.	PUNCT
+
+The	DET
+Alaskan	ADJ
+tundra	NOUN
+,	PUNCT
+for	ADP
+instance	NOUN
+,	PUNCT
+has	AUX
+switched	VERB
+from	SCONJ
+being	AUX
+a	DET
+net	NOUN
+sink	NOUN
+of	ADP
+carbon	NOUN
+dioxide	NOUN
+--	PUNCT
+absorbing	VERB
+and	CCONJ
+storing	VERB
+more	ADJ
+carbon	NOUN
+from	ADP
+the	DET
+atmosphere	NOUN
+than	SCONJ
+it	PRON
+releases	VERB
+--	PUNCT
+to	ADP
+"	PUNCT
+being	AUX
+a	DET
+net	NOUN
+source	NOUN
+of	ADP
+CO2	NOUN
+(	PUNCT
+releasing	VERB
+more	ADJ
+carbon	NOUN
+than	SCONJ
+is	AUX
+stored	VERB
+)	PUNCT
+because	SCONJ
+warmer	ADJ
+winters	NOUN
+have	AUX
+allowed	VERB
+dead	ADJ
+plant	NOUN
+matter	NOUN
+previously	ADV
+stored	VERB
+in	ADP
+the	DET
+soil	NOUN
+to	PART
+decompose	VERB
+and	CCONJ
+release	VERB
+CO2	NOUN
+.	PUNCT
+"	PUNCT
+
+The	DET
+Pew	PROPN
+report	NOUN
+coincided	VERB
+with	ADP
+the	DET
+release	NOUN
+in	ADP
+Iceland	PROPN
+of	ADP
+the	DET
+"	PUNCT
+Arctic	PROPN
+Climate	PROPN
+Impact	PROPN
+Assessment	PROPN
+.	PUNCT
+"	PUNCT
+
+The	DET
+ACIA	PROPN
+--	PUNCT
+with	ADP
+participation	NOUN
+by	ADP
+the	DET
+United	PROPN
+States	PROPN
+,	PUNCT
+Canada	PROPN
+,	PUNCT
+Denmark	PROPN
+,	PUNCT
+Finland	PROPN
+,	PUNCT
+Iceland	PROPN
+,	PUNCT
+Norway	PROPN
+,	PUNCT
+the	DET
+Russian	PROPN
+Federation	PROPN
+and	CCONJ
+Sweden	PROPN
+--	PUNCT
+was	AUX
+begun	VERB
+in	ADP
+2000	NUM
+.	PUNCT
+
+"	PUNCT
+The	DET
+impacts	NOUN
+of	ADP
+global	ADJ
+warming	NOUN
+are	AUX
+affecting	VERB
+people	NOUN
+now	ADV
+in	ADP
+the	DET
+Arctic	PROPN
+,	PUNCT
+"	PUNCT
+said	VERB
+ACIA	PROPN
+chair	NOUN
+Robert	PROPN
+Corell	PROPN
+.	PUNCT
+
+"	PUNCT
+The	DET
+Arctic	PROPN
+is	AUX
+experiencing	VERB
+some	DET
+of	ADP
+the	DET
+most	ADV
+rapid	ADJ
+and	CCONJ
+severe	ADJ
+climate	NOUN
+change	NOUN
+on	ADP
+Earth	PROPN
+.	PUNCT
+
+The	DET
+impacts	NOUN
+of	ADP
+climate	NOUN
+change	NOUN
+on	ADP
+the	DET
+region	NOUN
+and	CCONJ
+the	DET
+globe	NOUN
+are	AUX
+projected	VERB
+to	PART
+increase	VERB
+substantially	ADV
+in	ADP
+the	DET
+years	NOUN
+to	PART
+come	VERB
+.	PUNCT
+"	PUNCT
+
+The	DET
+ACIA	PROPN
+found	VERB
+Arctic	ADJ
+winter	NOUN
+temperatures	NOUN
+have	AUX
+increased	VERB
+4	NUM
+degrees	NOUN
+to	ADP
+7	NUM
+degrees	NOUN
+Fahrenheit	PROPN
+in	ADP
+the	DET
+last	ADJ
+50	NUM
+years	NOUN
+and	CCONJ
+should	AUX
+go	VERB
+up	ADV
+about	ADV
+twice	ADV
+that	ADV
+much	ADV
+in	ADP
+the	DET
+next	ADJ
+100	NUM
+years	NOUN
+.	PUNCT
+
+Arctic	ADJ
+summer	NOUN
+sea	NOUN
+ice	NOUN
+will	AUX
+decline	VERB
+by	ADP
+50	NUM
+percent	NOUN
+by	ADP
+the	DET
+end	NOUN
+of	ADP
+the	DET
+21st	ADJ
+century	NOUN
+,	PUNCT
+the	DET
+assessment	NOUN
+found	VERB
+,	PUNCT
+with	SCONJ
+some	DET
+models	NOUN
+predicting	VERB
+complete	ADJ
+disappearance	NOUN
+of	ADP
+summer	NOUN
+sea	NOUN
+ice	NOUN
+.	PUNCT
+
+"	PUNCT
+Should	AUX
+the	DET
+Arctic	PROPN
+Ocean	PROPN
+become	VERB
+ice	NOUN
+-	PUNCT
+free	ADJ
+in	ADP
+summer	NOUN
+,	PUNCT
+it	PRON
+is	AUX
+likely	ADJ
+that	SCONJ
+polar	ADJ
+bears	NOUN
+and	CCONJ
+some	DET
+seal	NOUN
+species	NOUN
+would	AUX
+be	AUX
+driven	VERB
+toward	ADP
+extinction	NOUN
+,	PUNCT
+"	PUNCT
+the	DET
+report	NOUN
+concluded	VERB
+.	PUNCT
+
+As	ADP
+with	ADP
+so	ADV
+much	ADJ
+climate	NOUN
+research	NOUN
+,	PUNCT
+not	ADV
+everyone	PRON
+agrees	VERB
+with	ADP
+these	DET
+dire	ADJ
+predictions	NOUN
+.	PUNCT
+
+A	DET
+third	ADJ
+report	NOUN
+,	PUNCT
+"	PUNCT
+The	DET
+Impacts	PROPN
+of	ADP
+Climate	PROPN
+Change	PROPN
+:	PUNCT
+An	DET
+Appraisal	PROPN
+for	ADP
+the	DET
+Future	PROPN
+,	PUNCT
+"	PUNCT
+completed	VERB
+by	ADP
+the	DET
+Britain	PROPN
+-	PUNCT
+based	VERB
+International	PROPN
+Policy	PROPN
+Network	PROPN
+and	CCONJ
+released	VERB
+almost	ADV
+simultaneously	ADV
+with	ADP
+the	DET
+other	ADJ
+two	NUM
+,	PUNCT
+falls	VERB
+somewhat	ADV
+into	ADP
+that	DET
+category	NOUN
+.	PUNCT
+
+On	ADP
+the	DET
+one	NUM
+hand	NOUN
+,	PUNCT
+the	DET
+IPN	PROPN
+report	NOUN
+agreed	VERB
+"	PUNCT
+Climate	NOUN
+models	NOUN
+generally	ADV
+predict	VERB
+that	SCONJ
+the	DET
+temperature	NOUN
+rises	NOUN
+in	ADP
+the	DET
+Arctic	PROPN
+will	AUX
+substantially	ADV
+exceed	VERB
+the	DET
+global	ADJ
+rise	NOUN
+.	PUNCT
+
+This	PRON
+applies	VERB
+especially	ADV
+in	ADP
+the	DET
+high	ADJ
+Arctic	PROPN
+where	ADV
+the	DET
+ice	NOUN
+cover	NOUN
+is	AUX
+expected	VERB
+to	PART
+diminish	VERB
+substantially	ADV
+with	ADP
+the	DET
+effect	NOUN
+that	SCONJ
+the	DET
+surface	NOUN
+absorption	NOUN
+of	ADP
+solar	ADJ
+radiation	NOUN
+will	AUX
+greatly	ADV
+increase	VERB
+.	PUNCT
+"	PUNCT
+
+On	ADP
+the	DET
+other	ADJ
+hand	NOUN
+,	PUNCT
+the	DET
+report	NOUN
+thinks	VERB
+the	DET
+news	NOUN
+might	AUX
+not	PART
+be	AUX
+so	ADV
+bad	ADJ
+for	ADP
+the	DET
+North	PROPN
+Atlantic	PROPN
+fisheries	NOUN
+.	PUNCT
+
+"	PUNCT
+The	DET
+impact	NOUN
+of	ADP
+global	ADJ
+warming	NOUN
+on	ADP
+fish	NOUN
+stocks	NOUN
+and	CCONJ
+fisheries	NOUN
+is	AUX
+hard	ADJ
+to	PART
+judge	VERB
+,	PUNCT
+"	PUNCT
+the	DET
+IPN	PROPN
+report	NOUN
+said	VERB
+.	PUNCT
+
+"	PUNCT
+A	DET
+warming	NOUN
+of	ADP
+the	DET
+magnitude	NOUN
+predicted	VERB
+is	AUX
+more	ADV
+likely	ADJ
+than	SCONJ
+not	PART
+to	PART
+be	AUX
+beneficial	ADJ
+to	ADP
+the	DET
+fisheries	NOUN
+of	ADP
+the	DET
+North	PROPN
+Atlantic	PROPN
+.	PUNCT
+"	PUNCT
+
+The	DET
+important	ADJ
+commercial	ADJ
+species	NOUN
+that	PRON
+probably	ADV
+would	AUX
+benefit	VERB
+from	ADP
+warming	NOUN
+include	VERB
+cod	NOUN
+,	PUNCT
+haddock	NOUN
+,	PUNCT
+saithe	NOUN
+,	PUNCT
+herring	NOUN
+,	PUNCT
+blue	ADJ
+whiting	NOUN
+and	CCONJ
+several	ADJ
+types	NOUN
+of	ADP
+flatfish	NOUN
+and	CCONJ
+crustaceans	NOUN
+--	PUNCT
+such	ADJ
+as	ADP
+the	DET
+Norway	PROPN
+lobster	NOUN
+.	PUNCT
+
+Important	ADJ
+species	NOUN
+that	PRON
+probably	ADV
+would	AUX
+decline	VERB
+include	VERB
+shrimp	NOUN
+,	PUNCT
+capelin	NOUN
+,	PUNCT
+Greenland	PROPN
+halibut	NOUN
+and	CCONJ
+some	DET
+varieties	NOUN
+of	ADP
+flatfish	NOUN
+.	PUNCT
+
+Hidden	VERB
+in	ADP
+this	DET
+laundry	NOUN
+list	NOUN
+--	PUNCT
+and	CCONJ
+in	ADP
+the	DET
+pile	NOUN
+of	ADP
+studies	NOUN
+examined	VERB
+by	ADP
+the	DET
+Pew	PROPN
+researchers	NOUN
+--	PUNCT
+is	AUX
+one	NUM
+of	ADP
+the	DET
+fundamental	ADJ
+chasms	NOUN
+dividing	VERB
+participants	NOUN
+in	ADP
+the	DET
+global	ADJ
+warming	NOUN
+debate	NOUN
+.	PUNCT
+
+The	DET
+IPN	PROPN
+report	NOUN
+examines	VERB
+commercial	ADJ
+fish	NOUN
+species	NOUN
+,	PUNCT
+but	CCONJ
+it	PRON
+neglects	VERB
+important	ADJ
+non-commercial	ADJ
+animals	NOUN
+,	PUNCT
+such	ADJ
+as	ADP
+seals	NOUN
+and	CCONJ
+polar	ADJ
+bears	NOUN
+.	PUNCT
+
+In	ADP
+a	DET
+limited	ADJ
+economic	ADJ
+sense	NOUN
+,	PUNCT
+therefore	ADV
+,	PUNCT
+the	DET
+organization	NOUN
+can	AUX
+argue	VERB
+warming	NOUN
+might	AUX
+be	AUX
+a	DET
+good	ADJ
+thing	NOUN
+.	PUNCT
+
+The	DET
+problem	NOUN
+is	VERB
+whether	SCONJ
+one	PRON
+cares	VERB
+what	PRON
+happens	VERB
+to	ADP
+the	DET
+polar	ADJ
+bears	NOUN
+,	PUNCT
+checkerspot	NOUN
+butterflies	NOUN
+and	CCONJ
+other	ADJ
+unconsumables	NOUN
+.	PUNCT
+
+The	DET
+Pew	PROPN
+researchers	NOUN
+tried	VERB
+to	PART
+transcend	VERB
+the	DET
+economic	ADJ
+argument	NOUN
+.	PUNCT
+
+They	PRON
+assumed	VERB
+a	DET
+value	NOUN
+--	PUNCT
+unspecified	ADJ
+--	PUNCT
+for	ADP
+non-commercial	ADJ
+species	NOUN
+,	PUNCT
+and	CCONJ
+in	SCONJ
+doing	VERB
+so	ADV
+rendered	VERB
+the	DET
+warming	NOUN
+news	NOUN
+a	DET
+bit	NOUN
+less	ADV
+rosy	ADJ
+.	PUNCT
+
+This	DET
+tug	NOUN
+-	PUNCT
+of	ADP
+-	PUNCT
+war	NOUN
+over	SCONJ
+calculating	VERB
+economic	ADJ
+values	NOUN
+is	AUX
+the	DET
+one	NOUN
+that	PRON
+ultimately	ADV
+will	AUX
+have	VERB
+to	PART
+be	AUX
+decided	VERB
+by	ADP
+humans	NOUN
+,	PUNCT
+because	SCONJ
+animals	NOUN
+and	CCONJ
+plants	NOUN
+can	AUX
+adjust	VERB
+only	ADV
+so	ADV
+much	ADV
+.	PUNCT
+
+"	PUNCT
+When	ADV
+dandelions	NOUN
+have	AUX
+set	VERB
+the	DET
+mark	NOUN
+of	ADP
+May	PROPN
+on	ADP
+Wisconsin	PROPN
+pastures	NOUN
+,	PUNCT
+it	PRON
+is	AUX
+time	NOUN
+to	PART
+listen	VERB
+for	ADP
+the	DET
+final	ADJ
+proof	NOUN
+of	ADP
+spring	NOUN
+,	PUNCT
+"	PUNCT
+wrote	VERB
+Aldo	PROPN
+Leopold	PROPN
+in	ADP
+"	PUNCT
+A	DET
+Sand	PROPN
+County	PROPN
+Almanac	PROPN
+.	PUNCT
+"	PUNCT
+
+"	PUNCT
+Sit	VERB
+down	ADV
+on	ADP
+a	DET
+tussock	NOUN
+,	PUNCT
+cock	VERB
+your	PRON
+ears	NOUN
+at	ADP
+the	DET
+sky	NOUN
+,	PUNCT
+dial	VERB
+out	ADP
+the	DET
+bedlam	NOUN
+of	ADP
+meadowlarks	NOUN
+and	CCONJ
+redwings	NOUN
+,	PUNCT
+and	CCONJ
+soon	ADV
+you	PRON
+may	AUX
+hear	VERB
+it	PRON
+:	PUNCT
+the	DET
+flight	NOUN
+of	ADP
+the	DET
+upland	NOUN
+plover	NOUN
+,	PUNCT
+just	ADV
+now	ADV
+back	ADV
+from	ADP
+the	DET
+Argentine	PROPN
+.	PUNCT
+"	PUNCT
+
+Or	CCONJ
+maybe	ADV
+not	PART
+.	PUNCT
+
+--	PUNCT
+
+Climate	PROPN
+is	AUX
+a	DET
+weekly	ADJ
+series	NOUN
+by	ADP
+UPI	PROPN
+examining	VERB
+the	DET
+impacts	NOUN
+of	ADP
+global	ADJ
+climate	NOUN
+change	NOUN
+.	PUNCT
+
+E-mail	NOUN
+sciencem...@upi.com	X
+
+Preamble	NOUN
+from	ADP
+BBC	PROPN
+leading	VERB
+to	ADP
+the	DET
+comments	NOUN
+further	ADV
+below	ADV
+.	PUNCT
+
+Feel	VERB
+free	ADJ
+to	PART
+cut	VERB
+and	CCONJ
+paste	VERB
+and	CCONJ
+leave	VERB
+your	PRON
+comments	NOUN
+,	PUNCT
+as	SCONJ
+these	DET
+viewpoints	NOUN
+cover	VERB
+the	DET
+entire	ADJ
+gamut	NOUN
+surrounding	VERB
+the	DET
+event	NOUN
+.	PUNCT
+
+---->===}*{===<----	SYM
+
+How	ADV
+has	AUX
+Katrina	PROPN
+changed	VERB
+the	DET
+US	PROPN
+?	PUNCT
+
+What	PRON
+will	AUX
+be	AUX
+the	DET
+lasting	VERB
+effects	NOUN
+of	ADP
+Hurricane	PROPN
+Katrina	PROPN
+and	CCONJ
+what	PRON
+can	AUX
+be	AUX
+learnt	VERB
+from	ADP
+the	DET
+response	NOUN
+?	PUNCT
+
+Relief	NOUN
+agencies	NOUN
+are	AUX
+trying	VERB
+to	PART
+help	VERB
+hundreds	NOUN
+of	ADP
+thousands	NOUN
+of	ADP
+displaced	VERB
+people	NOUN
+while	SCONJ
+authorities	NOUN
+have	AUX
+vowed	VERB
+to	PART
+restore	VERB
+security	NOUN
+in	ADP
+New	PROPN
+Orleans	PROPN
+following	VERB
+a	DET
+breakdown	NOUN
+of	ADP
+law	NOUN
+and	CCONJ
+order	NOUN
+.	PUNCT
+
+In	ADP
+the	DET
+world	NOUN
+press	NOUN
+,	PUNCT
+commentators	NOUN
+predict	VERB
+that	SCONJ
+Katrina	PROPN
+will	AUX
+make	VERB
+a	DET
+profound	ADJ
+change	NOUN
+in	ADP
+the	DET
+way	NOUN
+the	DET
+US	PROPN
+is	AUX
+perceived	VERB
+at	ADP
+home	NOUN
+and	CCONJ
+abroad	ADV
+,	PUNCT
+especially	ADV
+following	VERB
+the	DET
+scenes	NOUN
+of	ADP
+poverty	NOUN
+and	CCONJ
+racial	ADJ
+divisions	NOUN
+they	PRON
+believe	VERB
+the	DET
+disaster	NOUN
+has	AUX
+revealed	VERB
+.	PUNCT
+
+Meanwhile	ADV
+,	PUNCT
+President	PROPN
+George	PROPN
+W	PROPN
+Bush	PROPN
+has	AUX
+said	VERB
+he	PRON
+will	AUX
+lead	VERB
+an	DET
+inquiry	NOUN
+into	SCONJ
+how	ADV
+the	DET
+disaster	NOUN
+was	AUX
+handled	VERB
+.	PUNCT
+
+How	ADV
+has	AUX
+Katrina	PROPN
+changed	VERB
+the	DET
+US	PROPN
+?	PUNCT
+
+Has	AUX
+it	PRON
+altered	VERB
+your	PRON
+life	NOUN
+?	PUNCT
+
+Has	AUX
+the	DET
+disaster	NOUN
+affected	VERB
+the	DET
+way	NOUN
+other	ADJ
+countries	NOUN
+view	VERB
+the	DET
+US	PROPN
+?	PUNCT
+
+Send	VERB
+us	PRON
+your	PRON
+comments	NOUN
+using	VERB
+the	DET
+form	NOUN
+.	PUNCT
+
+---->===}*{===<----	SYM
+
+Some	DET
+of	ADP
+the	DET
+better	ADJ
+comments	NOUN
+:	PUNCT
+
+"	PUNCT
+As	ADP
+an	DET
+American	PROPN
+,	PUNCT
+I	PRON
+would	AUX
+like	VERB
+to	PART
+take	VERB
+this	DET
+opportunity	NOUN
+to	PART
+tell	VERB
+all	DET
+the	DET
+'	PUNCT
+USA	PROPN
+and	CCONJ
+Bush	PROPN
+Bashers	NOUN
+'	PUNCT
+that	SCONJ
+I	PRON
+am	AUX
+appalled	VERB
+at	ADP
+the	DET
+number	NOUN
+of	ADP
+'	PUNCT
+allies	NOUN
+'	PUNCT
+that	PRON
+are	AUX
+using	VERB
+this	DET
+disaster	NOUN
+as	ADP
+their	PRON
+podium	NOUN
+to	PART
+spread	VERB
+their	PRON
+useless	ADJ
+opinions	NOUN
+.	PUNCT
+
+What	PRON
+you	PRON
+see	VERB
+in	ADP
+New	PROPN
+Orleans	PROPN
+is	AUX
+a	DET
+perfect	ADJ
+example	NOUN
+of	ADP
+the	DET
+downfalls	NOUN
+of	ADP
+the	DET
+welfare	NOUN
+system	NOUN
+,	PUNCT
+a	DET
+form	NOUN
+of	ADP
+socialism	NOUN
+that	PRON
+many	ADJ
+in	ADP
+this	DET
+country	NOUN
+know	VERB
+is	AUX
+the	DET
+true	ADJ
+problem	NOUN
+.	PUNCT
+
+You	PRON
+have	AUX
+seen	VERB
+the	DET
+pictures	NOUN
+.	PUNCT
+
+You	PRON
+people	NOUN
+think	VERB
+it	PRON
+is	AUX
+race	NOUN
+,	PUNCT
+but	CCONJ
+it	PRON
+is	VERB
+not	PART
+.	PUNCT
+
+It	PRON
+is	AUX
+the	DET
+welfare	NOUN
+society	NOUN
+that	PRON
+was	AUX
+New	PROPN
+Orleans	PROPN
+.	PUNCT
+"	PUNCT
+
+--	PUNCT
+Paul	PROPN
+,	PUNCT
+Atlanta	PROPN
+,	PUNCT
+USA	PROPN
+
+"	PUNCT
+I	PRON
+am	AUX
+frankly	ADV
+revolted	VERB
+by	ADP
+the	DET
+response	NOUN
+of	ADP
+the	DET
+Bush	PROPN
+-	PUNCT
+Bashers	NOUN
+;	PUNCT
+"	PUNCT
+Sorry	INTJ
+chaps	NOUN
+,	PUNCT
+but	CCONJ
+you	PRON
+did	AUX
+have	VERB
+it	PRON
+coming	VERB
+...	PUNCT
+"	PUNCT
+
+The	DET
+plain	ADJ
+fact	NOUN
+is	VERB
+that	SCONJ
+Bush	PROPN
+has	VERB
+a	DET
+sight	NOUN
+more	ADJ
+in	ADP
+the	DET
+way	NOUN
+of	ADP
+common	ADJ
+humanity	NOUN
+than	ADP
+a	DET
+great	ADJ
+many	NOUN
+of	ADP
+his	PRON
+detractors	NOUN
+.	PUNCT
+
+At	ADV
+least	ADV
+he	PRON
+is	AUX
+n't	PART
+using	VERB
+this	DET
+disaster	NOUN
+for	ADP
+cheap	ADJ
+political	ADJ
+point	NOUN
+-	PUNCT
+scoring	NOUN
+.	PUNCT
+"	PUNCT
+
+--	PUNCT
+Mac	PROPN
+,	PUNCT
+Nottingham	PROPN
+
+"	PUNCT
+I	PRON
+do	AUX
+not	PART
+feel	VERB
+it	PRON
+has	AUX
+changed	VERB
+the	DET
+US	PROPN
+citizens	NOUN
+which	PRON
+is	AUX
+what	PRON
+was	AUX
+needed	VERB
+,	PUNCT
+even	ADV
+now	ADV
+the	DET
+majority	NOUN
+want	VERB
+"	PUNCT
+Gas	NOUN
+"	PUNCT
+despite	ADP
+the	DET
+fact	NOUN
+they	PRON
+are	AUX
+polluting	VERB
+the	DET
+world	NOUN
+more	ADV
+than	ADP
+any	DET
+other	ADJ
+country	NOUN
+in	ADP
+the	DET
+world	NOUN
+and	CCONJ
+refuse	VERB
+to	PART
+stop	VERB
+,	PUNCT
+perhaps	ADV
+this	DET
+natural	ADJ
+disaster	NOUN
+,	PUNCT
+which	PRON
+let	VERB
+'s	PRON
+face	VERB
+it	PRON
+looks	VERB
+like	ADP
+a	DET
+product	NOUN
+of	ADP
+Global	ADJ
+Warming	NOUN
+,	PUNCT
+will	AUX
+change	VERB
+their	PRON
+views	NOUN
+,	PUNCT
+why	ADV
+not	PART
+pick	VERB
+things	NOUN
+up	ADP
+with	ADP
+your	PRON
+hands	NOUN
+and	CCONJ
+walk	VERB
+with	ADP
+your	PRON
+legs	NOUN
+,	PUNCT
+other	ADJ
+people	NOUN
+in	ADP
+the	DET
+world	NOUN
+do	VERB
+it	PRON
+,	PUNCT
+"	PUNCT
+Gas	NOUN
+"	PUNCT
+is	AUX
+not	PART
+the	DET
+be	NOUN
+all	NOUN
+and	CCONJ
+end	NOUN
+all	NOUN
+!	PUNCT
+"	PUNCT
+
+--	PUNCT
+David	PROPN
+,	PUNCT
+Kent	PROPN
+
+<	PUNCT
+This	DET
+man	NOUN
+has	AUX
+clearly	ADV
+never	ADV
+visited	VERB
+the	DET
+US	PROPN
+.	PUNCT
+
+Distances	NOUN
+are	VERB
+not	PART
+what	PRON
+they	PRON
+are	AUX
+in	ADP
+the	DET
+old	ADJ
+world	NOUN
+.	PUNCT
+
+Here	ADV
+,	PUNCT
+cars	NOUN
+are	AUX
+absolutely	ADV
+necessary	ADJ
+,	PUNCT
+and	CCONJ
+he	PRON
+'d	AUX
+have	VERB
+to	PART
+have	VERB
+one	NUM
+,	PUNCT
+too	ADV
+.	PUNCT
+
+-	PUNCT
+Juggernaut	PROPN
+>	PUNCT
+
+"	PUNCT
+The	DET
+US	PROPN
+will	AUX
+work	VERB
+its	PRON
+way	NOUN
+through	ADP
+the	DET
+loss	NOUN
+of	ADP
+a	DET
+city	NOUN
+and	CCONJ
+we	PRON
+are	AUX
+making	VERB
+progress	NOUN
+after	ADP
+seven	NUM
+short	ADJ
+days	NOUN
+.	PUNCT
+
+Thank	VERB
+you	PRON
+for	ADP
+your	PRON
+concern	NOUN
+,	PUNCT
+but	CCONJ
+Europe	PROPN
+is	AUX
+still	ADV
+irrelevant	ADJ
+.	PUNCT
+"	PUNCT
+
+--	PUNCT
+John	PROPN
+B	PROPN
+,	PUNCT
+Windermere	PROPN
+,	PUNCT
+Florida	PROPN
+
+<	PUNCT
+John	PROPN
+can	AUX
+come	VERB
+over	ADV
+to	PART
+eat	VERB
+at	ADP
+my	PRON
+house	NOUN
+anytime	ADV
+.	PUNCT
+
+-	PUNCT
+Juggernaut	PROPN
+>	PUNCT
+
+It	PRON
+is	AUX
+always	ADV
+interesting	ADJ
+what	DET
+spin	NOUN
+the	DET
+press	NOUN
+will	AUX
+take	VERB
+.	PUNCT
+
+Certainly	ADV
+,	PUNCT
+representation	NOUN
+of	ADP
+the	DET
+US	PROPN
+in	ADP
+other	ADJ
+countries	NOUN
+will	AUX
+have	VERB
+a	DET
+certain	ADJ
+depiction	NOUN
+.	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+believe	VERB
+that	SCONJ
+folks	NOUN
+who	PRON
+believe	VERB
+that	SCONJ
+America	PROPN
+is	AUX
+the	DET
+land	NOUN
+of	ADP
+opportunity	NOUN
+will	AUX
+change	VERB
+their	PRON
+views	NOUN
+from	ADP
+this	DET
+recent	ADJ
+news	NOUN
+.	PUNCT
+
+I	PRON
+have	VERB
+a	DET
+friend	NOUN
+who	PRON
+came	VERB
+here	ADV
+from	ADP
+Bulgaria	PROPN
+after	SCONJ
+winning	VERB
+a	DET
+green	ADJ
+card	NOUN
+in	ADP
+a	DET
+lottery	NOUN
+.	PUNCT
+
+Yes	INTJ
+,	PUNCT
+she	PRON
+and	CCONJ
+her	PRON
+family	NOUN
+were	AUX
+delighted	ADJ
+to	PART
+leave	VERB
+the	DET
+communistic	ADJ
+remnants	NOUN
+in	ADP
+that	DET
+country	NOUN
+.	PUNCT
+
+Her	PRON
+husband	NOUN
+became	VERB
+a	DET
+citizen	NOUN
+of	ADP
+the	DET
+US	PROPN
+just	ADV
+the	DET
+week	NOUN
+before	ADP
+last	ADJ
+.	PUNCT
+
+(	PUNCT
+Believe	VERB
+it	PRON
+or	CCONJ
+not	PART
+,	PUNCT
+it	PRON
+takes	VERB
+a	DET
+minimum	NOUN
+of	ADP
+5	NUM
+years	NOUN
+to	PART
+apply	VERB
+.	PUNCT
+)	PUNCT
+
+The	DET
+countries	NOUN
+which	PRON
+are	AUX
+giving	VERB
+to	ADP
+America	PROPN
+to	PART
+aid	VERB
+are	AUX
+a	DET
+great	ADJ
+example	NOUN
+of	ADP
+the	DET
+seed	NOUN
+that	PRON
+America	PROPN
+has	AUX
+sown	VERB
+through	ADP
+the	DET
+years	NOUN
+with	ADP
+other	ADJ
+nations	NOUN
+.	PUNCT
+
+Now	ADV
+to	ADP
+the	DET
+poverty	NOUN
+stricken	ADJ
+and	CCONJ
+the	DET
+racial	ADJ
+issue	NOUN
+...	PUNCT
+
+You	PRON
+know	VERB
+,	PUNCT
+I	PRON
+'ve	AUX
+lived	VERB
+in	ADP
+the	DET
+Dallas	PROPN
+/	PUNCT
+Fort	PROPN
+Worth	PROPN
+Metroplex	NOUN
+most	ADJ
+of	ADP
+my	PRON
+life	NOUN
+.	PUNCT
+
+When	ADV
+not	PART
+in	ADP
+Texas	PROPN
+,	PUNCT
+I	PRON
+lived	VERB
+in	ADP
+LA	PROPN
+and	CCONJ
+San	PROPN
+Francisco	PROPN
+.	PUNCT
+
+There	PRON
+is	VERB
+a	DET
+lot	NOUN
+of	ADP
+racial	ADJ
+diversity	NOUN
+in	ADP
+all	DET
+of	ADP
+these	DET
+places	NOUN
+...	PUNCT
+and	CCONJ
+I	PRON
+'ve	AUX
+vacationed	VERB
+through	ADP
+the	DET
+south	NOUN
+...	PUNCT
+visited	VERB
+my	PRON
+folks	NOUN
+when	ADV
+they	PRON
+lived	VERB
+in	ADP
+Mississippi	PROPN
+,	PUNCT
+and	CCONJ
+where	ADV
+they	PRON
+live	VERB
+now	ADV
+and	CCONJ
+are	AUX
+in	ADP
+the	DET
+racial	ADJ
+minority	NOUN
+being	AUX
+white	ADJ
+(	PUNCT
+less	ADJ
+than	ADP
+20	NUM
+%	SYM
+)	PUNCT
+in	ADP
+northeastern	ADJ
+Arkansas	PROPN
+.	PUNCT
+
+The	DET
+fact	NOUN
+is	VERB
+,	PUNCT
+when	ADV
+I	PRON
+began	VERB
+traveling	VERB
+for	ADP
+business	NOUN
+to	ADP
+New	PROPN
+England	PROPN
+,	PUNCT
+when	ADV
+I	PRON
+first	ADV
+visited	VERB
+my	PRON
+in	ADJ
+-	PUNCT
+laws	NOUN
+in	ADP
+Montana	PROPN
+and	CCONJ
+Idaho	PROPN
+,	PUNCT
+I	PRON
+was	AUX
+shocked	ADJ
+at	ADP
+the	DET
+lack	NOUN
+of	ADP
+racial	ADJ
+diversity	NOUN
+.	PUNCT
+
+I	PRON
+did	AUX
+n't	PART
+expect	VERB
+to	PART
+react	VERB
+that	DET
+way	NOUN
+,	PUNCT
+but	CCONJ
+when	ADV
+I	PRON
+was	AUX
+looking	VERB
+around	ADP
+my	PRON
+workplace	NOUN
+in	ADP
+Nashua	PROPN
+,	PUNCT
+New	PROPN
+Hampshire	PROPN
+,	PUNCT
+and	CCONJ
+everyone	PRON
+else	ADJ
+looked	VERB
+pretty	ADV
+much	ADV
+like	ADP
+me	PRON
+,	PUNCT
+it	PRON
+was	AUX
+really	ADV
+very	ADV
+eerie	ADJ
+.	PUNCT
+
+So	ADV
+,	PUNCT
+yes	INTJ
+,	PUNCT
+America	PROPN
+has	VERB
+pockets	NOUN
+that	PRON
+are	AUX
+more	ADV
+diverse	ADJ
+than	ADP
+others	NOUN
+.	PUNCT
+
+Additionally	ADV
+,	PUNCT
+reviewing	VERB
+the	DET
+standings	NOUN
+of	ADP
+Louisiana	PROPN
+and	CCONJ
+Mississippi	PROPN
+in	ADP
+the	DET
+educational	ADJ
+stakes	NOUN
+,	PUNCT
+you	PRON
+'ll	AUX
+find	VERB
+they	PRON
+usually	ADV
+land	VERB
+near	ADP
+the	DET
+bottom	NOUN
+of	ADP
+a	DET
+list	NOUN
+of	ADP
+50	NUM
+states	NOUN
+.	PUNCT
+
+Unfortunately	ADV
+,	PUNCT
+those	PRON
+left	VERB
+behind	ADV
+to	PART
+be	AUX
+filmed	VERB
+,	PUNCT
+where	VERB
+those	PRON
+without	ADP
+transportation	NOUN
+or	CCONJ
+means	NOUN
+.	PUNCT
+
+Some	DET
+refused	VERB
+to	PART
+leave	VERB
+,	PUNCT
+but	CCONJ
+so	ADV
+many	ADJ
+were	AUX
+unable	ADJ
+to	PART
+.	PUNCT
+
+Yes	INTJ
+,	PUNCT
+it	PRON
+'s	AUX
+a	DET
+valid	ADJ
+reflection	NOUN
+of	ADP
+America	PROPN
+-	PUNCT
+we	PRON
+do	AUX
+have	VERB
+cities	NOUN
+like	ADP
+this	PRON
+.	PUNCT
+
+However	ADV
+,	PUNCT
+New	PROPN
+Orleans	PROPN
+also	ADV
+had	VERB
+many	ADJ
+affluent	ADJ
+people	NOUN
+,	PUNCT
+people	NOUN
+who	PRON
+left	VERB
+town	NOUN
+early	ADV
+as	SCONJ
+they	PRON
+had	VERB
+the	DET
+means	NOUN
+.	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+know	VERB
+if	SCONJ
+this	PRON
+will	AUX
+change	VERB
+other	ADJ
+nation	NOUN
+'s	PART
+perceptions	NOUN
+of	ADP
+America	PROPN
+.	PUNCT
+
+I	PRON
+suspect	VERB
+it	PRON
+will	AUX
+not	PART
+change	VERB
+greatly	ADV
+...	PUNCT
+but	CCONJ
+you	PRON
+never	ADV
+know	VERB
+how	ADV
+much	ADJ
+stock	NOUN
+people	NOUN
+put	VERB
+in	ADP
+the	DET
+news	NOUN
+.	PUNCT
+
+I	PRON
+do	AUX
+know	VERB
+that	SCONJ
+this	PRON
+will	AUX
+change	VERB
+the	DET
+face	NOUN
+of	ADP
+America	PROPN
+.	PUNCT
+
+I	PRON
+expect	VERB
+that	SCONJ
+many	ADJ
+of	ADP
+the	DET
+displaced	VERB
+people	NOUN
+(	PUNCT
+those	PRON
+affluent	ADJ
+and	CCONJ
+those	PRON
+not	ADV
+)	PUNCT
+will	AUX
+remain	VERB
+in	ADP
+the	DET
+places	NOUN
+they	PRON
+were	AUX
+evacuated	VERB
+to	ADP
+.	PUNCT
+
+The	DET
+1.25	NUM
+million	NUM
+people	NOUN
+who	PRON
+have	AUX
+been	AUX
+housed	VERB
+in	ADP
+stadiums	NOUN
+and	CCONJ
+convention	NOUN
+centers	NOUN
+across	ADP
+Texas	PROPN
+will	AUX
+begin	VERB
+to	PART
+populate	VERB
+Houston	PROPN
+,	PUNCT
+Dallas	PROPN
+,	PUNCT
+San	PROPN
+Antonio	PROPN
+and	CCONJ
+Galveston	PROPN
+,	PUNCT
+and	CCONJ
+the	DET
+surrounding	VERB
+areas	NOUN
+.	PUNCT
+
+Sure	INTJ
+,	PUNCT
+some	DET
+will	AUX
+return	VERB
+,	PUNCT
+but	CCONJ
+I	PRON
+have	VERB
+a	DET
+feeling	NOUN
+that	SCONJ
+once	SCONJ
+many	ADJ
+begin	VERB
+to	PART
+get	VERB
+jobs	NOUN
+and	CCONJ
+temporary	ADJ
+housing	NOUN
+,	PUNCT
+they	PRON
+may	AUX
+be	AUX
+shy	ADJ
+about	SCONJ
+returning	VERB
+.	PUNCT
+
+I	PRON
+'m	AUX
+interested	ADJ
+in	SCONJ
+what	PRON
+America	PROPN
+will	AUX
+look	VERB
+like	ADP
+in	ADP
+5	NUM
+years	NOUN
+.	PUNCT
+
+Will	AUX
+racial	ADJ
+diversity	NOUN
+find	VERB
+its	PRON
+way	NOUN
+to	ADP
+Wyoming	PROPN
+as	SCONJ
+some	DET
+people	NOUN
+are	AUX
+offered	VERB
+jobs	NOUN
+there	ADV
+?	PUNCT
+
+Or	CCONJ
+will	AUX
+the	DET
+nearly	ADV
+year	NOUN
+-	PUNCT
+round	ADJ
+snow	NOUN
+be	AUX
+too	ADV
+much	ADJ
+for	ADP
+those	PRON
+who	PRON
+have	AUX
+never	ADV
+experienced	VERB
+snow	NOUN
+in	ADP
+their	PRON
+lives	NOUN
+?	PUNCT
+
+Will	AUX
+the	DET
+housing	NOUN
+market	NOUN
+in	ADP
+Dallas	PROPN
+begin	VERB
+booming	VERB
+like	SCONJ
+the	DET
+rest	NOUN
+of	ADP
+the	DET
+nation	NOUN
+has	VERB
+due	ADP
+to	ADP
+the	DET
+influx	NOUN
+of	ADP
+buyers	NOUN
+?	PUNCT
+
+Will	AUX
+businesses	NOUN
+that	PRON
+were	AUX
+new	ADJ
+in	ADP
+2005	NUM
+have	AUX
+become	VERB
+a	DET
+household	NOUN
+name	NOUN
+due	ADP
+to	ADP
+their	PRON
+efforts	NOUN
+in	SCONJ
+rebuilding	VERB
+the	DET
+gulf	NOUN
+coast	NOUN
+?	PUNCT
+
+What	PRON
+will	AUX
+the	DET
+federal	ADJ
+government	NOUN
+do	VERB
+to	PART
+prevent	VERB
+inflation	NOUN
+in	ADP
+the	DET
+housing	NOUN
+and	CCONJ
+building	NOUN
+market	NOUN
+?	PUNCT
+
+These	PRON
+are	AUX
+some	DET
+of	ADP
+the	DET
+things	NOUN
+I	PRON
+'ve	AUX
+been	AUX
+wondering	VERB
+...	PUNCT
+
+Linna	PROPN
+
+Response	NOUN
+coming	VERB
+soon	ADV
+.	PUNCT
+
+Your	PRON
+reply	NOUN
+is	AUX
+good	ADJ
+and	CCONJ
+deserves	VERB
+something	PRON
+good	ADJ
+in	ADP
+return	NOUN
+.	PUNCT
+
+Juggernaut	PROPN
+
+Okay	INTJ
+,	PUNCT
+I	PRON
+'m	AUX
+new	ADJ
+to	ADP
+this	DET
+forum	NOUN
+and	CCONJ
+really	ADV
+do	AUX
+n't	PART
+like	VERB
+Bush	PROPN
+,	PUNCT
+so	ADV
+my	PRON
+view	NOUN
+point	NOUN
+is	AUX
+slanted	ADJ
+and	CCONJ
+I	PRON
+admit	VERB
+that	PRON
+.	PUNCT
+
+I	PRON
+rarely	ADV
+listen	VERB
+to	ADP
+the	DET
+news	NOUN
+or	CCONJ
+to	SCONJ
+what	PRON
+politicians	NOUN
+or	CCONJ
+lawyers	NOUN
+say	VERB
+because	SCONJ
+so	ADV
+many	ADJ
+tell	VERB
+lies	NOUN
+that	SCONJ
+none	NOUN
+have	VERB
+credibility	NOUN
+so	ADV
+what	PRON
+'s	AUX
+the	DET
+point	NOUN
+?	PUNCT
+
+What	PRON
+I	PRON
+know	VERB
+is	VERB
+that	SCONJ
+I	PRON
+have	VERB
+a	DET
+close	ADJ
+friend	NOUN
+who's	PRON
+aunt	NOUN
+disappeared	VERB
+in	ADP
+New	PROPN
+Orleans	PROPN
+.	PUNCT
+
+My	PRON
+friend	NOUN
+did	AUX
+n't	PART
+have	VERB
+computer	NOUN
+capability	NOUN
+,	PUNCT
+so	ADV
+I	PRON
+spent	VERB
+the	DET
+day	NOUN
+searching	VERB
+and	CCONJ
+posting	VERB
+online	ADV
+.	PUNCT
+
+The	DET
+family	NOUN
+here	ADV
+(	PUNCT
+California	PROPN
+)	PUNCT
+wanted	VERB
+to	PART
+fly	VERB
+any	DET
+family	NOUN
+members	NOUN
+from	ADP
+there	ADV
+to	ADP
+CA	PROPN
+,	PUNCT
+so	SCONJ
+they	PRON
+could	AUX
+remain	VERB
+here	ADV
+until	SCONJ
+things	NOUN
+got	AUX
+straightened	VERB
+out	ADP
+down	ADV
+there	ADV
+.	PUNCT
+
+The	DET
+cousins	NOUN
+could	AUX
+not	PART
+be	AUX
+found	VERB
+because	SCONJ
+no	DET
+one	NOUN
+was	AUX
+sure	ADJ
+of	ADP
+their	PRON
+married	ADJ
+names	NOUN
+.	PUNCT
+
+The	DET
+hope	NOUN
+was	VERB
+that	SCONJ
+anyone	PRON
+looking	VERB
+for	ADP
+the	DET
+Aunt	NOUN
+would	AUX
+see	VERB
+the	DET
+family	NOUN
+post	NOUN
+and	CCONJ
+know	VERB
+that	SCONJ
+help	NOUN
+was	AUX
+available	ADJ
+.	PUNCT
+
+It	PRON
+is	AUX
+Oct.	PROPN
+6	NUM
+,	PUNCT
+and	CCONJ
+not	ADV
+one	NUM
+family	NOUN
+member	NOUN
+has	AUX
+been	AUX
+located	VERB
+.	PUNCT
+
+What	PRON
+I	PRON
+saw	VERB
+was	AUX
+dozens	NOUN
+of	ADP
+school	NOUN
+buses	NOUN
+submerged	VERB
+that	PRON
+could	AUX
+have	AUX
+been	AUX
+used	VERB
+to	PART
+evacuate	VERB
+people	NOUN
+who	PRON
+had	VERB
+no	DET
+transportation	NOUN
+.	PUNCT
+
+What	PRON
+I	PRON
+heard	VERB
+was	VERB
+the	DET
+Mayor	PROPN
+of	ADP
+New	PROPN
+Orleans	PROPN
+,	PUNCT
+saying	VERB
+that	SCONJ
+he	PRON
+did	AUX
+n't	PART
+order	VERB
+the	DET
+buses	NOUN
+or	CCONJ
+anything	PRON
+else	ADJ
+to	PART
+be	AUX
+used	VERB
+because	SCONJ
+he	PRON
+was	AUX
+waiting	VERB
+on	ADP
+someone	PRON
+else	ADJ
+to	PART
+tell	VERB
+him	PRON
+what	PRON
+to	PART
+do	VERB
+.	PUNCT
+
+When	ADV
+common	ADJ
+sense	NOUN
+takes	VERB
+a	DET
+back	NOUN
+seat	NOUN
+to	ADP
+politics	NOUN
+and	CCONJ
+legal	ADJ
+mumbo	NOUN
+jumbo	NOUN
+what	PRON
+have	AUX
+we	PRON
+become	VERB
+?	PUNCT
+
+Recently	ADV
+,	PUNCT
+Bush	PROPN
+addressed	VERB
+the	DET
+nation	NOUN
+.	PUNCT
+
+About	ADV
+30	NUM
+seconds	NOUN
+into	ADP
+his	PRON
+address	NOUN
+,	PUNCT
+he	PRON
+started	VERB
+flogging	VERB
+the	DET
+terrorist	NOUN
+issue	NOUN
+just	ADV
+one	NUM
+more	ADJ
+time	NOUN
+.	PUNCT
+
+Ironically	ADV
+he	PRON
+almost	ADV
+burst	VERB
+out	ADP
+laughing	VERB
+and	CCONJ
+it	PRON
+was	AUX
+all	DET
+he	PRON
+could	AUX
+do	VERB
+to	PART
+keep	VERB
+his	PRON
+mirth	NOUN
+down	ADV
+to	ADP
+a	DET
+barely	ADV
+controlled	VERB
+smirk	NOUN
+.	PUNCT
+
+Even	ADV
+he	PRON
+ca	AUX
+n't	PART
+believe	VERB
+that	SCONJ
+he	PRON
+is	AUX
+trotting	VERB
+out	ADP
+this	DET
+old	ADJ
+saw	NOUN
+again	ADV
+.	PUNCT
+
+I	PRON
+guess	VERB
+if	SCONJ
+you	PRON
+have	VERB
+a	DET
+schtick	NOUN
+that	PRON
+is	AUX
+a	DET
+resounding	ADJ
+success	NOUN
+once	ADV
+,	PUNCT
+you	PRON
+ca	AUX
+n't	PART
+help	VERB
+but	CCONJ
+trot	VERB
+it	PRON
+out	ADP
+every	DET
+time	NOUN
+your	PRON
+act	NOUN
+is	AUX
+going	VERB
+sour	ADJ
+.	PUNCT
+
+Meanwhile	ADV
+,	PUNCT
+every	DET
+pocket	NOUN
+that	PRON
+can	AUX
+be	AUX
+lined	VERB
+is	AUX
+golden	ADJ
+and	CCONJ
+the	DET
+poor	ADJ
+are	AUX
+shunted	VERB
+off	ADP
+radar	NOUN
+yet	ADV
+again	ADV
+.	PUNCT
+
+The	DET
+gall	NOUN
+of	ADP
+it	PRON
+all	DET
+is	VERB
+that	SCONJ
+Bush	PROPN
+is	AUX
+stumping	VERB
+for	ADP
+more	ADJ
+money	NOUN
+to	PART
+build	VERB
+more	ADJ
+refineries	NOUN
+,	PUNCT
+when	ADV
+what	PRON
+he	PRON
+should	AUX
+do	VERB
+is	VERB
+pour	VERB
+money	NOUN
+into	SCONJ
+making	VERB
+the	DET
+US	PROPN
+independent	ADJ
+of	ADP
+OPEC	PROPN
+or	CCONJ
+crude	ADJ
+oil	NOUN
+all	X
+together	ADV
+.	PUNCT
+
+We	PRON
+have	VERB
+the	DET
+technology	NOUN
+;	PUNCT
+if	SCONJ
+you	PRON
+are	AUX
+going	VERB
+to	PART
+spend	VERB
+billions	NOUN
+of	ADP
+dollars	NOUN
+touting	VERB
+"	PUNCT
+FREEDOM	NOUN
+"	PUNCT
+why	ADV
+not	PART
+spend	VERB
+those	DET
+billions	NOUN
+making	VERB
+all	DET
+of	ADP
+us	PRON
+free	ADJ
+?	PUNCT
+
+Free	ADJ
+of	ADP
+polution	NOUN
+,	PUNCT
+free	ADJ
+of	ADP
+oil	NOUN
+dependency	NOUN
+,	PUNCT
+and	CCONJ
+free	ADJ
+of	ADP
+big	ADJ
+business	NOUN
+that	PRON
+is	AUX
+bleeding	VERB
+us	PRON
+dry	ADJ
+for	ADP
+the	DET
+short	ADJ
+term	NOUN
+good	NOUN
+(	PUNCT
+theirs	PRON
+)	PUNCT
+.	PUNCT
+
+I	PRON
+'m	AUX
+sorry	ADJ
+he	PRON
+makes	VERB
+me	PRON
+want	VERB
+to	PART
+puke	VERB
+so	ADV
+I	PRON
+shut	VERB
+him	PRON
+off	ADP
+.	PUNCT
+
+In	ADP
+the	DET
+meanwhile	NOUN
+there	PRON
+are	VERB
+still	ADV
+broken	VERB
+families	NOUN
+that	PRON
+should	AUX
+have	AUX
+been	AUX
+safe	ADJ
+in	ADP
+the	DET
+home	NOUN
+of	ADP
+the	DET
+brave	ADJ
+.	PUNCT
+
+For	ADP
+those	PRON
+who	PRON
+believe	VERB
+....................	PUNCT
+
+Aries	PROPN
+in	ADP
+2005	NUM
+-	PUNCT
+Flexibility	NOUN
+
+If	SCONJ
+you	PRON
+want	VERB
+a	DET
+motto	NOUN
+for	ADP
+2005	NUM
+,	PUNCT
+the	DET
+best	ADJ
+one	NUM
+to	PART
+adopt	VERB
+would	AUX
+be	VERB
+"	PUNCT
+go	VERB
+with	ADP
+the	DET
+flow	NOUN
+.	PUNCT
+"	PUNCT
+
+2005	NUM
+will	AUX
+be	AUX
+a	DET
+year	NOUN
+of	ADP
+ups	NOUN
+and	CCONJ
+downs	NOUN
+,	PUNCT
+and	CCONJ
+only	ADV
+the	DET
+flexible	ADJ
+will	AUX
+be	AUX
+able	ADJ
+to	PART
+keep	VERB
+from	SCONJ
+going	VERB
+crazy	ADJ
+!	PUNCT
+
+All	DET
+Aries	PROPN
+natives	NOUN
+may	AUX
+have	VERB
+to	PART
+tighten	VERB
+their	PRON
+belts	NOUN
+and	CCONJ
+curb	VERB
+their	PRON
+desire	NOUN
+for	ADP
+constant	ADJ
+expansion	NOUN
+.	PUNCT
+
+You	PRON
+may	AUX
+need	VERB
+to	PART
+play	VERB
+it	PRON
+cool	ADV
+and	CCONJ
+curb	VERB
+your	PRON
+spending	NOUN
+.	PUNCT
+
+You	PRON
+'ll	AUX
+be	VERB
+among	ADP
+the	DET
+first	ADJ
+to	PART
+seize	VERB
+upon	ADP
+new	ADJ
+societal	ADJ
+trends	NOUN
+to	PART
+create	VERB
+new	ADJ
+opportunities	NOUN
+for	ADP
+yourself	PRON
+,	PUNCT
+as	SCONJ
+your	PRON
+creativity	NOUN
+will	AUX
+be	AUX
+at	ADP
+an	DET
+all	DET
+-	PUNCT
+time	NOUN
+high	NOUN
+.	PUNCT
+
+You	PRON
+will	AUX
+be	AUX
+more	ADV
+eloquent	ADJ
+and	CCONJ
+persuasive	ADJ
+than	ADP
+usual	ADJ
+,	PUNCT
+and	CCONJ
+others	NOUN
+will	AUX
+identify	VERB
+enthusiastically	ADV
+with	ADP
+your	PRON
+vision	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+want	VERB
+to	PART
+start	VERB
+a	DET
+new	ADJ
+creative	ADJ
+project	NOUN
+or	CCONJ
+business	NOUN
+venture	NOUN
+,	PUNCT
+your	PRON
+imagination	NOUN
+will	AUX
+be	AUX
+working	VERB
+overtime	ADV
+.	PUNCT
+
+2005	NUM
+could	AUX
+find	VERB
+you	PRON
+doing	VERB
+well	ADV
+career-wise	ADV
+-	PUNCT
+and	CCONJ
+aspiring	VERB
+to	PART
+climb	VERB
+even	ADV
+higher	ADV
+.	PUNCT
+
+Taurus	PROPN
+in	ADP
+2005	NUM
+-	PUNCT
+Tenacity	NOUN
+
+"	PUNCT
+Diligence	NOUN
+"	PUNCT
+is	AUX
+the	DET
+key	ADJ
+word	NOUN
+for	ADP
+you	PRON
+,	PUNCT
+Taurus	PROPN
+.	PUNCT
+
+With	ADP
+hard	ADJ
+work	NOUN
+and	CCONJ
+focus	NOUN
+,	PUNCT
+you	PRON
+will	AUX
+attain	VERB
+at	ADV
+least	ADV
+one	NUM
+important	ADJ
+aspiration	NOUN
+that	PRON
+has	AUX
+been	AUX
+on	ADP
+your	PRON
+agenda	NOUN
+for	ADP
+a	DET
+long	ADJ
+time	NOUN
+.	PUNCT
+
+This	PRON
+is	AUX
+the	DET
+year	NOUN
+you	PRON
+'ll	AUX
+want	VERB
+to	PART
+take	VERB
+stock	NOUN
+of	ADP
+your	PRON
+career	NOUN
+and	CCONJ
+ask	VERB
+yourself	PRON
+if	SCONJ
+you	PRON
+'re	AUX
+doing	VERB
+the	DET
+work	NOUN
+you	PRON
+want	VERB
+to	PART
+do	VERB
+for	ADP
+the	DET
+rest	NOUN
+of	ADP
+your	PRON
+life	NOUN
+.	PUNCT
+
+As	SCONJ
+the	DET
+year	NOUN
+progresses	VERB
+,	PUNCT
+the	DET
+more	ADV
+impressive	ADJ
+your	PRON
+ideas	NOUN
+and	CCONJ
+works	NOUN
+become	VERB
+.	PUNCT
+
+As	ADP
+a	DET
+result	NOUN
+,	PUNCT
+your	PRON
+finances	NOUN
+improve	VERB
+-	PUNCT
+and	CCONJ
+your	PRON
+newfound	ADJ
+confidence	NOUN
+could	AUX
+attract	VERB
+new	ADJ
+love	NOUN
+into	ADP
+your	PRON
+life	NOUN
+.	PUNCT
+
+By	ADP
+the	DET
+end	NOUN
+of	ADP
+the	DET
+year	NOUN
+,	PUNCT
+you	PRON
+will	AUX
+have	VERB
+a	DET
+whole	ADJ
+new	ADJ
+network	NOUN
+of	ADP
+friends	NOUN
+and	CCONJ
+group	NOUN
+activity	NOUN
+,	PUNCT
+stimulating	VERB
+new	ADJ
+ideas	NOUN
+and	CCONJ
+taking	VERB
+up	ADV
+your	PRON
+social	ADJ
+life	NOUN
+a	DET
+notch	NOUN
+or	CCONJ
+two	NUM
+.	PUNCT
+
+Gemini	PROPN
+in	ADP
+2005	NUM
+-	PUNCT
+Success	NOUN
+
+Your	PRON
+cycle	NOUN
+of	SCONJ
+learning	VERB
+through	ADP
+the	DET
+school	NOUN
+of	ADP
+hard	ADJ
+knocks	NOUN
+has	AUX
+come	VERB
+to	ADP
+an	DET
+end	NOUN
+,	PUNCT
+Gemini	PROPN
+,	PUNCT
+and	CCONJ
+now	ADV
+you	PRON
+'re	AUX
+going	VERB
+to	PART
+start	VERB
+reaping	VERB
+the	DET
+rewards	NOUN
+these	DET
+"	PUNCT
+lessons	NOUN
+"	PUNCT
+have	AUX
+left	VERB
+in	ADP
+their	PRON
+wake	NOUN
+.	PUNCT
+
+As	SCONJ
+2005	NUM
+progresses	VERB
+,	PUNCT
+the	DET
+road	NOUN
+ahead	ADV
+will	AUX
+become	VERB
+clearer	ADJ
+.	PUNCT
+
+You	PRON
+now	ADV
+have	VERB
+it	PRON
+in	ADP
+you	PRON
+to	PART
+create	VERB
+the	DET
+kind	NOUN
+of	ADP
+life	NOUN
+for	ADP
+yourself	PRON
+that	PRON
+you	PRON
+want	VERB
+.	PUNCT
+
+These	DET
+leaps	NOUN
+and	CCONJ
+bounds	NOUN
+forward	ADV
+include	VERB
+love	NOUN
+and	CCONJ
+creativity	NOUN
+.	PUNCT
+
+Your	PRON
+learning	NOUN
+of	ADP
+concepts	NOUN
+of	ADP
+all	DET
+kinds	NOUN
+combines	VERB
+with	ADP
+extensive	ADJ
+group	NOUN
+activity	NOUN
+,	PUNCT
+bringing	VERB
+your	PRON
+mind	NOUN
+into	ADP
+a	DET
+whole	ADJ
+new	ADJ
+space	NOUN
+this	DET
+year	NOUN
+.	PUNCT
+
+By	ADP
+the	DET
+end	NOUN
+of	ADP
+2005	NUM
+you	PRON
+'ll	AUX
+have	VERB
+a	DET
+whole	ADJ
+new	ADJ
+start	NOUN
+with	ADP
+regard	NOUN
+to	ADP
+your	PRON
+career	NOUN
+and	CCONJ
+your	PRON
+earning	NOUN
+potential	NOUN
+-	PUNCT
+and	CCONJ
+a	DET
+possible	ADJ
+new	ADJ
+partnership	NOUN
+to	PART
+top	VERB
+it	PRON
+off	ADP
+!	PUNCT
+
+Cancer	PROPN
+in	ADP
+2005	NUM
+-	PUNCT
+Balance	NOUN
+
+Finding	VERB
+a	DET
+balance	NOUN
+between	ADP
+your	PRON
+personal	ADJ
+and	CCONJ
+professional	ADJ
+lives	NOUN
+may	AUX
+be	AUX
+one	NUM
+of	ADP
+the	DET
+year	NOUN
+'s	PART
+strongest	ADJ
+challenges	NOUN
+.	PUNCT
+
+For	ADP
+the	DET
+most	ADJ
+part	NOUN
+,	PUNCT
+your	PRON
+outward	ADJ
+life	NOUN
+this	DET
+year	NOUN
+will	AUX
+go	VERB
+in	ADP
+fits	NOUN
+and	CCONJ
+starts	NOUN
+-	PUNCT
+alternating	VERB
+periods	NOUN
+of	ADP
+intense	ADJ
+activity	NOUN
+with	ADP
+times	NOUN
+of	ADP
+welcome	ADJ
+rest	NOUN
+.	PUNCT
+
+Enjoy	VERB
+the	DET
+restful	ADJ
+periods	NOUN
+when	ADV
+you	PRON
+can	AUX
+.	PUNCT
+
+The	DET
+active	ADJ
+ones	NOUN
+will	AUX
+be	AUX
+hectic	ADJ
+!	PUNCT
+
+You	PRON
+'ll	AUX
+be	AUX
+making	VERB
+radical	ADJ
+changes	NOUN
+in	ADP
+your	PRON
+work	NOUN
+habits	NOUN
+,	PUNCT
+but	CCONJ
+you	PRON
+'ll	AUX
+be	AUX
+a	DET
+lot	NOUN
+happier	ADJ
+for	ADP
+it	PRON
+,	PUNCT
+and	CCONJ
+in	ADP
+the	DET
+end	NOUN
+you	PRON
+'ll	AUX
+know	VERB
+it	PRON
+was	AUX
+worth	ADJ
+it	PRON
+.	PUNCT
+
+Your	PRON
+love	NOUN
+life	NOUN
+is	AUX
+full	ADJ
+,	PUNCT
+and	CCONJ
+any	DET
+dissatisfaction	NOUN
+with	ADP
+career	NOUN
+and	CCONJ
+money	NOUN
+matters	NOUN
+fades	VERB
+into	ADP
+the	DET
+background	NOUN
+.	PUNCT
+
+By	ADP
+the	DET
+end	NOUN
+of	ADP
+2005	NUM
+,	PUNCT
+you	PRON
+'ll	AUX
+feel	VERB
+more	ADV
+confident	ADJ
+,	PUNCT
+more	ADV
+determined	ADJ
+,	PUNCT
+and	CCONJ
+far	ADV
+more	ADV
+capable	ADJ
+of	SCONJ
+making	VERB
+the	DET
+mountains	NOUN
+come	VERB
+to	ADP
+you	PRON
+!	PUNCT
+
+Leo	PROPN
+in	ADP
+2005	NUM
+-	PUNCT
+Abundance	NOUN
+
+Pursuing	VERB
+a	DET
+successful	ADJ
+career	NOUN
+,	PUNCT
+along	ADP
+with	ADP
+the	DET
+usual	ADJ
+social	ADJ
+and	CCONJ
+financial	ADJ
+advantages	NOUN
+,	PUNCT
+will	AUX
+be	AUX
+easier	ADJ
+this	DET
+year	NOUN
+than	SCONJ
+it	PRON
+has	AUX
+in	ADP
+a	DET
+long	ADJ
+time	NOUN
+for	ADP
+you	PRON
+,	PUNCT
+Leo	PROPN
+!	PUNCT
+
+The	DET
+most	ADV
+difficult	ADJ
+thing	NOUN
+might	AUX
+be	VERB
+deciding	VERB
+which	DET
+path	NOUN
+means	VERB
+the	DET
+most	ADJ
+to	ADP
+you	PRON
+,	PUNCT
+and	CCONJ
+where	ADV
+to	PART
+put	VERB
+your	PRON
+focus	NOUN
+.	PUNCT
+
+You	PRON
+'ll	AUX
+be	AUX
+able	ADJ
+to	PART
+create	VERB
+opportunities	NOUN
+for	ADP
+advancement	NOUN
+almost	ADV
+out	ADP
+of	ADP
+thin	ADJ
+air	NOUN
+.	PUNCT
+
+Romance	NOUN
+in	ADP
+2005	NUM
+will	AUX
+make	VERB
+it	PRON
+a	DET
+year	NOUN
+to	PART
+remember	VERB
+-	PUNCT
+and	CCONJ
+you	PRON
+'ll	AUX
+be	AUX
+the	DET
+envy	NOUN
+of	ADP
+all	DET
+your	PRON
+friends	NOUN
+.	PUNCT
+
+Love	NOUN
+comes	VERB
+willingly	ADV
+and	CCONJ
+easily	ADV
+.	PUNCT
+
+Money	NOUN
+may	AUX
+suddenly	ADV
+become	VERB
+tight	ADJ
+at	ADP
+a	DET
+very	ADV
+inconvenient	ADJ
+time	NOUN
+.	PUNCT
+
+Yet	CCONJ
+,	PUNCT
+this	PRON
+is	AUX
+no	DET
+comparison	NOUN
+to	ADP
+the	DET
+advancements	NOUN
+you	PRON
+'ll	AUX
+make	VERB
+overall	ADV
+,	PUNCT
+and	CCONJ
+by	ADP
+the	DET
+end	NOUN
+of	ADP
+2005	NUM
+,	PUNCT
+you	PRON
+'ll	AUX
+look	VERB
+back	ADV
+in	ADP
+sheer	ADJ
+wonder	NOUN
+and	CCONJ
+happiness	NOUN
+.	PUNCT
+
+Virgo	PROPN
+in	ADP
+2005	NUM
+-	PUNCT
+Perseverance	NOUN
+
+Your	PRON
+working	NOUN
+life	NOUN
+might	AUX
+not	PART
+go	VERB
+so	ADV
+smoothly	ADV
+this	DET
+year	NOUN
+,	PUNCT
+Virgo	PROPN
+.	PUNCT
+
+For	ADP
+much	NOUN
+of	ADP
+2005	NUM
+,	PUNCT
+you	PRON
+'ll	AUX
+be	AUX
+putting	VERB
+your	PRON
+nose	NOUN
+to	ADP
+the	DET
+grindstone	NOUN
+.	PUNCT
+
+On	ADP
+the	DET
+bright	ADJ
+side	NOUN
+,	PUNCT
+your	PRON
+finances	NOUN
+will	AUX
+be	AUX
+pretty	ADV
+stable	ADJ
+.	PUNCT
+
+Just	ADV
+do	AUX
+n't	PART
+take	VERB
+it	PRON
+for	ADP
+granted	VERB
+-	PUNCT
+you	PRON
+still	ADV
+need	VERB
+to	PART
+be	AUX
+cautious	ADJ
+this	DET
+year	NOUN
+.	PUNCT
+
+Your	PRON
+love	NOUN
+life	NOUN
+will	AUX
+thrive	VERB
+for	ADP
+most	ADJ
+of	ADP
+the	DET
+year	NOUN
+,	PUNCT
+and	CCONJ
+any	DET
+relationship	NOUN
+begun	VERB
+or	CCONJ
+reaffirmed	VERB
+in	ADP
+2005	NUM
+is	AUX
+very	ADV
+likely	ADJ
+to	PART
+be	AUX
+a	DET
+lasting	ADJ
+one	NOUN
+.	PUNCT
+
+And	CCONJ
+,	PUNCT
+you	PRON
+'re	AUX
+going	VERB
+to	PART
+develop	VERB
+a	DET
+hopeless	ADJ
+romantic	ADJ
+streak	NOUN
+.	PUNCT
+
+In	ADP
+spite	NOUN
+of	ADP
+a	DET
+lot	NOUN
+of	ADP
+worry	NOUN
+over	ADP
+your	PRON
+career	NOUN
+,	PUNCT
+by	ADP
+the	DET
+year	NOUN
+'s	PART
+end	NOUN
+,	PUNCT
+you	PRON
+'ll	AUX
+see	VERB
+that	SCONJ
+2005	NUM
+has	AUX
+filled	VERB
+your	PRON
+life	NOUN
+with	ADP
+prosperity	NOUN
+and	CCONJ
+accomplishments	NOUN
+.	PUNCT
+
+Libra	PROPN
+in	ADP
+2005	NUM
+-	PUNCT
+Expansion	NOUN
+
+Flex	VERB
+your	PRON
+muscles	NOUN
+,	PUNCT
+friend	NOUN
+Libra	PROPN
+,	PUNCT
+and	CCONJ
+prepare	VERB
+for	ADP
+a	DET
+relatively	ADV
+easy	ADJ
+ride	NOUN
+.	PUNCT
+
+With	ADP
+beneficent	ADJ
+Jupiter	PROPN
+in	ADP
+your	PRON
+sign	NOUN
+,	PUNCT
+this	PRON
+is	AUX
+definitely	ADV
+your	PRON
+year	NOUN
+,	PUNCT
+especially	ADV
+where	ADV
+your	PRON
+social	ADJ
+life	NOUN
+is	AUX
+concerned	ADJ
+.	PUNCT
+
+Happiness	NOUN
+and	CCONJ
+enjoyment	NOUN
+lie	VERB
+ahead	ADV
+.	PUNCT
+
+If	SCONJ
+you	PRON
+'re	AUX
+not	PART
+presently	ADV
+married	ADJ
+,	PUNCT
+and	CCONJ
+want	VERB
+to	PART
+be	VERB
+,	PUNCT
+you	PRON
+just	ADV
+might	AUX
+wed	VERB
+by	ADP
+the	DET
+end	NOUN
+of	ADP
+the	DET
+year	NOUN
+.	PUNCT
+
+This	PRON
+is	AUX
+the	DET
+year	NOUN
+you	PRON
+'re	AUX
+going	VERB
+to	PART
+be	AUX
+doing	VERB
+a	DET
+lot	NOUN
+of	ADP
+travel	NOUN
+and	CCONJ
+learning	VERB
+about	ADP
+your	PRON
+world	NOUN
+,	PUNCT
+as	SCONJ
+expansion	NOUN
+is	AUX
+the	DET
+theme	NOUN
+.	PUNCT
+
+The	DET
+one	NUM
+department	NOUN
+of	ADP
+life	NOUN
+that	PRON
+may	AUX
+not	PART
+quite	ADV
+be	AUX
+as	ADV
+hopeful	ADJ
+as	SCONJ
+you	PRON
+'d	AUX
+like	VERB
+could	AUX
+be	AUX
+your	PRON
+career	NOUN
+,	PUNCT
+where	ADV
+advancement	NOUN
+may	AUX
+be	AUX
+slow	ADJ
+and	CCONJ
+satisfaction	NOUN
+rare	ADJ
+.	PUNCT
+
+By	ADP
+year	NOUN
+'s	PART
+end	NOUN
+,	PUNCT
+you	PRON
+may	AUX
+find	VERB
+yourself	PRON
+seriously	ADV
+considering	VERB
+a	DET
+major	ADJ
+change	NOUN
+-	PUNCT
+all	DET
+for	ADP
+the	DET
+best	ADJ
+.	PUNCT
+
+Scorpio	PROPN
+in	ADP
+2005	NUM
+-	PUNCT
+Transmutation	NOUN
+
+Scorpio	PROPN
+,	PUNCT
+you	PRON
+can	AUX
+still	ADV
+expect	VERB
+changes	NOUN
+-	PUNCT
+perhaps	ADV
+major	ADJ
+ones	NOUN
+-	PUNCT
+in	ADP
+your	PRON
+life	NOUN
+this	DET
+year	NOUN
+,	PUNCT
+almost	ADV
+to	ADP
+the	DET
+point	NOUN
+of	ADP
+total	ADJ
+transformation	NOUN
+.	PUNCT
+
+While	SCONJ
+this	PRON
+is	AUX
+most	ADV
+apparent	ADJ
+in	ADP
+the	DET
+area	NOUN
+of	ADP
+your	PRON
+career	NOUN
+,	PUNCT
+you	PRON
+'ll	AUX
+see	VERB
+it	PRON
+showing	VERB
+up	ADP
+in	ADP
+other	ADJ
+important	ADJ
+aspects	NOUN
+of	ADP
+your	PRON
+life	NOUN
+.	PUNCT
+
+Your	PRON
+life	NOUN
+might	AUX
+take	VERB
+on	ADP
+an	DET
+entirely	ADV
+new	ADJ
+direction	NOUN
+you	PRON
+'ve	AUX
+never	ADV
+dreamed	VERB
+of	ADP
+.	PUNCT
+
+You	PRON
+may	AUX
+also	ADV
+change	VERB
+your	PRON
+residence	NOUN
+during	ADP
+the	DET
+year	NOUN
+.	PUNCT
+
+Whether	SCONJ
+you	PRON
+start	VERB
+the	DET
+year	NOUN
+as	ADP
+a	DET
+single	ADJ
+person	NOUN
+looking	VERB
+for	ADP
+a	DET
+partner	NOUN
+,	PUNCT
+or	CCONJ
+you	PRON
+'ve	AUX
+been	AUX
+married	ADJ
+for	ADP
+many	ADJ
+years	NOUN
+,	PUNCT
+happiness	NOUN
+in	ADP
+love	NOUN
+does	AUX
+lie	VERB
+ahead	ADV
+.	PUNCT
+
+Be	AUX
+prepared	ADJ
+for	ADP
+new	ADJ
+horizons	NOUN
+.	PUNCT
+
+They	PRON
+may	AUX
+not	PART
+be	AUX
+familiar	ADJ
+,	PUNCT
+but	CCONJ
+they	PRON
+will	AUX
+be	AUX
+fascinating	ADJ
+.	PUNCT
+
+Do	AUX
+n't	PART
+cling	VERB
+to	ADP
+the	DET
+banks	NOUN
+;	PUNCT
+instead	ADV
+,	PUNCT
+flow	VERB
+with	ADP
+the	DET
+tide	NOUN
+in	ADP
+2005	NUM
+.	PUNCT
+
+Sagittarius	PROPN
+in	ADP
+2005	NUM
+-	PUNCT
+Empowerment	NOUN
+
+Are	AUX
+you	PRON
+prepared	ADJ
+to	PART
+handle	VERB
+absolute	ADJ
+power	NOUN
+?	PUNCT
+
+If	SCONJ
+not	PART
+,	PUNCT
+you	PRON
+will	AUX
+be	VERB
+soon	ADV
+!	PUNCT
+
+Your	PRON
+ruling	VERB
+planet	NOUN
+,	PUNCT
+Jupiter	PROPN
+,	PUNCT
+will	AUX
+be	AUX
+in	ADP
+a	DET
+special	ADJ
+relationship	NOUN
+with	ADP
+Pluto	PROPN
+-	PUNCT
+called	VERB
+"	PUNCT
+mutual	ADJ
+reception	NOUN
+"	PUNCT
+-	PUNCT
+in	ADP
+2005	NUM
+.	PUNCT
+
+There	PRON
+'s	VERB
+so	ADV
+much	ADJ
+punch	NOUN
+packed	VERB
+into	ADP
+this	DET
+combination	NOUN
+that	SCONJ
+it	PRON
+'s	AUX
+almost	ADV
+scary	ADJ
+.	PUNCT
+
+You	PRON
+'ll	AUX
+find	VERB
+the	DET
+ultimate	ADJ
+power	NOUN
+is	AUX
+the	DET
+ability	NOUN
+to	PART
+choose	VERB
+your	PRON
+own	ADJ
+destiny	NOUN
+.	PUNCT
+
+You	PRON
+'ll	AUX
+find	VERB
+practical	ADJ
+ways	NOUN
+of	SCONJ
+increasing	VERB
+your	PRON
+effectiveness	NOUN
+in	ADP
+the	DET
+world	NOUN
+by	SCONJ
+gaining	VERB
+new	ADJ
+skills	NOUN
+that	PRON
+allow	VERB
+you	PRON
+to	PART
+live	VERB
+more	ADV
+abundantly	ADV
+.	PUNCT
+
+By	ADP
+the	DET
+second	ADJ
+half	NOUN
+of	ADP
+the	DET
+year	NOUN
+,	PUNCT
+you	PRON
+will	AUX
+finally	ADV
+feel	VERB
+welcome	ADJ
+relief	NOUN
+from	ADP
+the	DET
+tight	ADJ
+financial	ADJ
+binds	NOUN
+that	PRON
+have	AUX
+hindered	VERB
+you	PRON
+over	ADP
+the	DET
+past	ADJ
+two	NUM
+years	NOUN
+.	PUNCT
+
+And	CCONJ
+,	PUNCT
+a	DET
+relationship	NOUN
+you	PRON
+begin	VERB
+now	ADV
+will	AUX
+last	VERB
+a	DET
+very	ADV
+long	ADJ
+time	NOUN
+-	PUNCT
+like	INTJ
+,	PUNCT
+for	ADP
+the	DET
+rest	NOUN
+of	ADP
+your	PRON
+life	NOUN
+.	PUNCT
+
+Overall	ADV
+,	PUNCT
+2005	NUM
+is	AUX
+sure	ADJ
+to	PART
+be	AUX
+a	DET
+year	NOUN
+you	PRON
+wo	AUX
+n't	PART
+forget	VERB
+.	PUNCT
+
+Capricorn	PROPN
+in	ADP
+2005	NUM
+-	PUNCT
+Resolution	NOUN
+
+You	PRON
+'ve	AUX
+got	VERB
+plenty	NOUN
+of	ADP
+lucky	ADJ
+breaks	NOUN
+headed	VERB
+your	PRON
+way	NOUN
+in	ADP
+2005	NUM
+,	PUNCT
+friend	NOUN
+Capricorn	PROPN
+.	PUNCT
+
+The	DET
+long	ADV
+awaited	VERB
+relief	NOUN
+you	PRON
+'ve	AUX
+needed	VERB
+in	ADP
+your	PRON
+love	NOUN
+life	NOUN
+is	AUX
+around	ADP
+the	DET
+corner	NOUN
+,	PUNCT
+and	CCONJ
+by	ADP
+the	DET
+end	NOUN
+of	ADP
+the	DET
+year	NOUN
+you	PRON
+will	AUX
+feel	VERB
+much	ADV
+clearer	ADJ
+about	ADP
+your	PRON
+partnerships	NOUN
+in	ADP
+general	ADJ
+.	PUNCT
+
+Financially	ADV
+,	PUNCT
+it	PRON
+could	AUX
+be	AUX
+a	DET
+lean	ADJ
+year	NOUN
+,	PUNCT
+although	SCONJ
+some	DET
+advance	ADJ
+planning	NOUN
+can	AUX
+help	VERB
+you	PRON
+weather	VERB
+the	DET
+storm	NOUN
+.	PUNCT
+
+Your	PRON
+career	NOUN
+opportunities	NOUN
+will	AUX
+expand	VERB
+exponentially	ADV
+,	PUNCT
+and	CCONJ
+you	PRON
+'re	AUX
+likely	ADJ
+to	PART
+change	VERB
+jobs	NOUN
+or	CCONJ
+positions	NOUN
+this	DET
+year	NOUN
+.	PUNCT
+
+At	ADP
+times	NOUN
+,	PUNCT
+the	DET
+pressure	NOUN
+on	ADP
+your	PRON
+job	NOUN
+and	CCONJ
+home	NOUN
+life	NOUN
+may	AUX
+seem	VERB
+unbearable	ADJ
+,	PUNCT
+but	CCONJ
+rest	VERB
+assured	VERB
+you	PRON
+will	AUX
+come	VERB
+through	ADP
+this	PRON
+stronger	ADJ
+-	PUNCT
+and	CCONJ
+wiser	ADJ
+-	PUNCT
+than	ADP
+ever	ADV
+,	PUNCT
+as	SCONJ
+more	ADJ
+is	AUX
+revealed	VERB
+and	CCONJ
+resolved	VERB
+in	ADP
+2005	NUM
+.	PUNCT
+
+Aquarius	PROPN
+in	ADP
+2005	NUM
+-	PUNCT
+Magic	NOUN
+
+2005	NUM
+sees	VERB
+you	PRON
+expanding	VERB
+your	PRON
+intuitive	ADJ
+and	CCONJ
+psychic	ADJ
+skills	NOUN
+even	ADV
+more	ADV
+,	PUNCT
+Aquarius	PROPN
+.	PUNCT
+
+The	DET
+mysteries	NOUN
+of	ADP
+the	DET
+universe	NOUN
+continue	VERB
+to	PART
+attract	VERB
+and	CCONJ
+intrigue	VERB
+you	PRON
+,	PUNCT
+as	SCONJ
+you	PRON
+apply	VERB
+your	PRON
+mystical	ADJ
+awareness	NOUN
+to	ADP
+the	DET
+important	ADJ
+decisions	NOUN
+upcoming	ADJ
+in	ADP
+your	PRON
+life	NOUN
+,	PUNCT
+especially	ADV
+concerning	VERB
+partnerships	NOUN
+of	ADP
+all	DET
+kinds	NOUN
+.	PUNCT
+
+2005	NUM
+is	AUX
+bound	ADJ
+to	PART
+bring	VERB
+at	ADV
+least	ADV
+one	NUM
+major	ADJ
+success	NOUN
+in	ADP
+the	DET
+love	NOUN
+department	NOUN
+,	PUNCT
+and	CCONJ
+your	PRON
+career	NOUN
+will	AUX
+be	AUX
+brimming	VERB
+with	ADP
+new	ADJ
+enthusiasm	NOUN
+and	CCONJ
+innovation	NOUN
+.	PUNCT
+
+Not	PART
+only	ADV
+that	DET
+,	PUNCT
+but	CCONJ
+travel	NOUN
+,	PUNCT
+adventure	NOUN
+,	PUNCT
+and	CCONJ
+personal	ADJ
+expansion	NOUN
+infuse	VERB
+fresh	ADJ
+energy	NOUN
+into	ADP
+all	DET
+areas	NOUN
+of	ADP
+your	PRON
+life	NOUN
+.	PUNCT
+
+By	ADP
+year	NOUN
+'s	PART
+end	NOUN
+,	PUNCT
+your	PRON
+creative	ADJ
+decision	NOUN
+-	PUNCT
+making	NOUN
+will	AUX
+have	AUX
+carried	VERB
+you	PRON
+to	ADP
+whole	ADJ
+new	ADJ
+peaks	NOUN
+-	PUNCT
+and	CCONJ
+a	DET
+whole	ADJ
+new	ADJ
+view	NOUN
+from	ADP
+above	ADV
+.	PUNCT
+
+Pisces	PROPN
+in	ADP
+2005	NUM
+-	PUNCT
+Self	NOUN
+-	PUNCT
+confidence	NOUN
+
+It	PRON
+'s	AUX
+a	DET
+big	ADJ
+year	NOUN
+for	ADP
+you	PRON
+,	PUNCT
+friend	NOUN
+Pisces	PROPN
+.	PUNCT
+
+No	ADV
+doubt	ADV
+,	PUNCT
+in	ADP
+2005	NUM
+you	PRON
+'ll	AUX
+find	VERB
+yourself	PRON
+pushed	VERB
+more	ADV
+and	CCONJ
+more	ADV
+out	ADV
+into	ADP
+the	DET
+world	NOUN
+.	PUNCT
+
+You	PRON
+'ll	AUX
+experience	VERB
+a	DET
+new	ADJ
+sense	NOUN
+of	ADP
+purpose	NOUN
+and	CCONJ
+make	VERB
+plenty	NOUN
+of	ADP
+new	ADJ
+friends	NOUN
+.	PUNCT
+
+Expect	VERB
+lots	NOUN
+of	ADP
+surprises	NOUN
+and	CCONJ
+lucky	ADJ
+breaks	NOUN
+this	DET
+year	NOUN
+,	PUNCT
+with	SCONJ
+Uranus	PROPN
+bringing	VERB
+the	DET
+unexpected	ADJ
+in	ADP
+your	PRON
+career	NOUN
+,	PUNCT
+your	PRON
+love	NOUN
+life	NOUN
+,	PUNCT
+and	CCONJ
+the	DET
+world	NOUN
+in	ADP
+general	ADJ
+.	PUNCT
+
+At	ADP
+some	DET
+point	NOUN
+during	ADP
+the	DET
+year	NOUN
+,	PUNCT
+you	PRON
+could	AUX
+pick	VERB
+up	ADP
+a	DET
+financial	ADJ
+windfall	NOUN
+,	PUNCT
+hear	VERB
+of	ADP
+a	DET
+great	ADJ
+career	NOUN
+opportunity	NOUN
+,	PUNCT
+or	CCONJ
+unexpectedly	ADV
+meet	VERB
+the	DET
+love	NOUN
+of	ADP
+your	PRON
+life	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+important	ADJ
+that	SCONJ
+you	PRON
+take	VERB
+retreats	NOUN
+and	CCONJ
+plenty	NOUN
+of	ADP
+time	NOUN
+for	ADP
+yourself	PRON
+to	PART
+regenerate	VERB
+,	PUNCT
+as	SCONJ
+the	DET
+rate	NOUN
+of	ADP
+change	NOUN
+in	ADP
+your	PRON
+personal	ADJ
+and	CCONJ
+professional	ADJ
+life	NOUN
+will	AUX
+be	AUX
+fast	ADJ
+and	CCONJ
+unpredictable	ADJ
+.	PUNCT
+
+Remain	VERB
+calm	ADJ
+and	CCONJ
+confident	ADJ
+,	PUNCT
+and	CCONJ
+love	NOUN
+is	AUX
+very	ADV
+likely	ADJ
+to	PART
+flourish	VERB
+in	ADP
+2005	NUM
+.	PUNCT
+
+"	PUNCT
+Expect	VERB
+the	DET
+unexpected	ADJ
+,	PUNCT
+"	PUNCT
+and	CCONJ
+enjoy	VERB
+the	DET
+ride	NOUN
+!	PUNCT
+
+"	PUNCT
+Success	NOUN
+comes	VERB
+before	ADP
+work	NOUN
+"	PUNCT
+only	ADV
+in	ADP
+the	DET
+dictionary	NOUN
+
+Mayur	PROPN
+?	PUNCT
+<	PUNCT
+>	PUNCT
+
+Get	VERB
+Mails	NOUN
+Everyday	NOUN
+<	PUNCT
+>	PUNCT
+
+Share	VERB
+Your	PRON
+Mails	NOUN
+<	PUNCT
+mailto:mayur...@yahoo.com	X
+>	PUNCT
+mayur...@yahoo.com	X
+
+SMS	VERB
+Me	PRON
+...	PUNCT
+09819602175	NUM
+
+Talk	VERB
+to	ADP
+me	PRON
+<	PUNCT
+ymsgr:sendIM?mayursha&__Hi+Mayur...	X
+>	PUNCT
+
+[	PUNCT
+send	VERB
+offline	ADV
+as	ADV
+well	ADV
+]	PUNCT
+
+online?u=mayursha&m=g&t=1	X
+
+1	NUM
+K	NUM
+Download	NOUN
+
+-------------------------------------------------------------	PUNCT
+
+The	DET
+mysterious	ADJ
+RAPHAEL	PROPN
+Holinshed	PROPN
+was	AUX
+named	VERB
+for	ADP
+the	DET
+mysterious	ADJ
+Neoplatonic	ADJ
+Italian	ADJ
+painter	NOUN
+RAPHAEL	PROPN
+Sanzio	PROPN
+who	PRON
+painted	VERB
+_	SYM
+St.	PROPN
+George	PROPN
+Fighting	VERB
+the	DET
+Dragon	PROPN
+_	SYM
+(	PUNCT
+1504	NUM
+-	SYM
+06	NUM
+)	PUNCT
+
+[	PUNCT
+]	PUNCT
+
+----------------------------------------------------------------------	PUNCT
+
+Like	ADP
+William	PROPN
+Shakspere	PROPN
+RAPHAEL	PROPN
+(	PUNCT
+the	DET
+painter	NOUN
+)	PUNCT
+died	VERB
+on	ADP
+his	PRON
+April	PROPN
+birthday	NOUN
+Laura	PROPN
+&	CCONJ
+Bridget	PROPN
+'s	PART
+day	NOUN
+:	PUNCT
+
+-----------------------------------------------------------------------	PUNCT
+
+ARCHILOCHUS	PROPN
+solar	ADJ
+eclipse	NOUN
+:	PUNCT
+April	PROPN
+6	NUM
+,	PUNCT
+648	NUM
+BC	NOUN
+Friday	PROPN
+
+Koran	PROPN
+descends	VERB
+to	ADP
+Earth	PROPN
+:	PUNCT
+April	PROPN
+6	NUM
+,	PUNCT
+610	NUM
+AD	NOUN
+Monday	PROPN
+
+CLEMENT	PROPN
+'s	PART
+St.	PROPN
+Methodius	PROPN
+dies	VERB
+:	PUNCT
+April	PROPN
+6	NUM
+,	PUNCT
+884	NUM
+Monday	PROPN
+
+Petrarch	PROPN
+meets	VERB
+LAURA	PROPN
+:	PUNCT
+April	PROPN
+6	NUM
+,	PUNCT
+1327	NUM
+Monday	PROPN
+
+DURER	PROPN
+dies	VERB
+:	PUNCT
+April	PROPN
+6	NUM
+,	PUNCT
+1528	NUM
+Monday	PROPN
+
+BRIDGET	PROPN
+Vere	PROPN
+'s	PART
+birth	NOUN
+:	PUNCT
+April	PROPN
+6	NUM
+,	PUNCT
+1584	NUM
+Monday	PROPN
+
+Sir	PROPN
+Francis	PROPN
+Walsingham	PROPN
+dies	VERB
+:	PUNCT
+April	PROPN
+6	NUM
+,	PUNCT
+1590	NUM
+Monday	PROPN
+
+"	PUNCT
+native	NOUN
+of	ADP
+Crete	PROPN
+"	PUNCT
+EL	PROPN
+GRECO	PROPN
+dies	VERB
+:	PUNCT
+April	PROPN
+7	NUM
+,	PUNCT
+1614	NUM
+Monday	PROPN
+
+{	PUNCT
+LUCIO	PROPN
+:	PUNCT
+Does	AUX
+BRIDGET	PROPN
+PAINT	VERB
+still	ADV
+,	PUNCT
+Pompey	PROPN
+,	PUNCT
+ha	INTJ
+?	PUNCT
+
+[	PUNCT
+MfM	PROPN
+Act	NOUN
+3	NUM
+,	PUNCT
+Sc.	NOUN
+2	NUM
+]	PUNCT
+}	PUNCT
+
+LAURA	PROPN
+dies	VERB
+of	ADP
+plague	NOUN
+:	PUNCT
+April	PROPN
+6	NUM
+,	PUNCT
+1348	NUM
+Sunday	PROPN
+
+RAPHAEL	PROPN
+born	VERB
+:	PUNCT
+April	PROPN
+6	NUM
+,	PUNCT
+1483	NUM
+Sunday	PROPN
+
+RAPHAEL	PROPN
+dies	VERB
+:	PUNCT
+April	PROPN
+6	NUM
+,	PUNCT
+1520	NUM
+Good	PROPN
+Friday	PROPN
+
+Thomas	PROPN
+Hobbes	PROPN
+'	PART
+birth	NOUN
+:	PUNCT
+April	PROPN
+5	NUM
+,	PUNCT
+1588	NUM
+Good	PROPN
+Friday	PROPN
+
+Start	NOUN
+of	ADP
+_	SYM
+The	DET
+SOUND	PROPN
+&	CCONJ
+the	DET
+FURY	PROPN
+_	SYM
+:	PUNCT
+April	PROPN
+6	NUM
+,	PUNCT
+1928	NUM
+Good	PROPN
+Friday	PROPN
+
+Kent	PROPN
+EARTHQUAKE	PROPN
+:	PUNCT
+April	PROPN
+6	NUM
+,	PUNCT
+1580	NUM
+Wednesday	PROPN
+
+Historian	ADJ
+John	PROPN
+Stow	PROPN
+dies	VERB
+:	PUNCT
+April	PROPN
+6	NUM
+,	PUNCT
+1605	NUM
+Sat	PROPN
+/	SYM
+Wed	PROPN
+.	PUNCT
+
+-----------------------------------------------------------------------	PUNCT
+
+<<	PUNCT
+Upon	ADP
+the	DET
+sixth	NOUN
+of	ADP
+April	PROPN
+,	PUNCT
+Alexander	PROPN
+the	DET
+Great	PROPN
+was	AUX
+born	VERB
+.	PUNCT
+
+Upon	ADP
+the	DET
+same	ADJ
+day	NOUN
+he	PRON
+conquered	VERB
+Darius	PROPN
+,	PUNCT
+won	VERB
+a	DET
+great	ADJ
+victory	NOUN
+at	ADP
+sea	NOUN
+,	PUNCT
+&	CCONJ
+died	VERB
+the	DET
+same	ADJ
+day	NOUN
+.	PUNCT
+
+Neither	CCONJ
+was	AUX
+this	DET
+day	NOUN
+less	ADV
+fortunate	ADJ
+to	ADP
+his	PRON
+father	NOUN
+Philip	PROPN
+;	PUNCT
+for	CCONJ
+on	ADP
+the	DET
+same	ADJ
+day	NOUN
+he	PRON
+took	VERB
+Potidea	PROPN
+;	PUNCT
+>>	PUNCT
+-	PUNCT
+JOHN	PROPN
+AUBREY	PROPN
+,	PUNCT
+F.R.S.	PROPN
+
+---------------------------------------------------------------------	PUNCT
+
+ANTONIO	PROPN
+PEREZ	PROPN
+1535	NUM
+-	SYM
+1611	NUM
+[	PUNCT
+Philip	PROPN
+II	PROPN
+'s	PART
+renegade	ADJ
+Secretary	PROPN
+of	ADP
+State	PROPN
+]	PUNCT
+
+<<	PUNCT
+In	SCONJ
+"	PUNCT
+Love	PROPN
+'s	PART
+Labour	PROPN
+'s	AUX
+Lost	VERB
+"	PUNCT
+we	PRON
+find	VERB
+a	DET
+character	NOUN
+Don	PROPN
+Adriana	PROPN
+de	PROPN
+Armatho	PROPN
+,	PUNCT
+full	ADJ
+of	ADP
+affection	NOUN
+and	CCONJ
+bombast	NOUN
+.	PUNCT
+
+A	DET
+Spanish	ADJ
+refugee	NOUN
+,	PUNCT
+ANTONIO	PROPN
+PEREZ	PROPN
+,	PUNCT
+visited	VERB
+England	PROPN
+in	ADP
+1593	NUM
+and	CCONJ
+became	VERB
+acquainted	ADJ
+with	ADP
+Francis	PROPN
+&	CCONJ
+ANTHONY	PROPN
+Bacon	PROPN
+,	PUNCT
+with	ADP
+whom	PRON
+for	ADP
+a	DET
+time	NOUN
+he	PRON
+seems	VERB
+to	PART
+have	AUX
+been	AUX
+on	ADP
+terms	NOUN
+of	ADP
+intimacy	NOUN
+,	PUNCT
+which	PRON
+did	AUX
+not	PART
+last	VERB
+very	ADV
+long	ADV
+,	PUNCT
+for	CCONJ
+the	DET
+Spaniard	PROPN
+developed	VERB
+so	ADV
+much	ADJ
+affectation	NOUN
+&	CCONJ
+bombast	NOUN
+that	SCONJ
+he	PRON
+became	VERB
+unpopular	ADJ
+in	ADP
+Court	NOUN
+circles	NOUN
+.	PUNCT
+
+In	ADP
+1594	NUM
+PEREZ	PROPN
+wrote	VERB
+&	CCONJ
+published	VERB
+a	DET
+book	NOUN
+under	ADP
+the	DET
+assumed	VERB
+name	NOUN
+of	ADP
+"	PUNCT
+RAPHAEL	PROPN
+PEREGRINO	PROPN
+.	PUNCT
+"	PUNCT
+
+In	ADP
+the	DET
+play	NOUN
+Holofernes	PROPN
+is	AUX
+ridiculing	VERB
+Don	PROPN
+Adriana	PROPN
+"	PUNCT
+the	DET
+traveler	NOUN
+from	ADP
+Spain	PROPN
+"	PUNCT
+and	CCONJ
+says	VERB
+of	ADP
+him	PRON
+:	PUNCT
+"	PUNCT
+He	PRON
+is	AUX
+too	ADV
+picked	ADJ
+,	PUNCT
+too	ADV
+spruce	ADJ
+,	PUNCT
+too	ADV
+affected	ADJ
+,	PUNCT
+Too	ADV
+odd	ADJ
+,	PUNCT
+as	SCONJ
+it	PRON
+were	VERB
+,	PUNCT
+too	ADV
+PEREGRINate	ADJ
+,	PUNCT
+as	SCONJ
+I	PRON
+may	AUX
+call	VERB
+it	PRON
+.	PUNCT
+"	PUNCT
+
+-	PUNCT
+Act	NOUN
+5	NUM
+,	PUNCT
+Scene	NOUN
+1	NUM
+.	PUNCT
+
+To	PART
+make	VERB
+the	DET
+reference	NOUN
+more	ADV
+pointed	ADJ
+and	CCONJ
+unmistakable	ADJ
+,	PUNCT
+Sir	PROPN
+Nathaniel	PROPN
+replies	VERB
+"	PUNCT
+a	DET
+most	ADV
+singular	ADJ
+&	CCONJ
+choice	ADJ
+epithet	NOUN
+,	PUNCT
+"	PUNCT
+and	CCONJ
+at	ADV
+once	ADV
+enters	VERB
+it	PRON
+in	ADP
+his	PRON
+note	NOUN
+book	NOUN
+.	PUNCT
+
+This	DET
+parody	NOUN
+on	ADP
+PEREZ	PROPN
+'	PART
+sobriquet	NOUN
+clearly	ADV
+identifies	VERB
+PEREZ	PROPN
+with	ADP
+Armatho	PROPN
+.	PUNCT
+>>	PUNCT
+
+----------------------------------------------------------------	PUNCT
+
+Shakespeare	PROPN
+Electronic	PROPN
+Conference	PROPN
+,	PUNCT
+Vol.	NOUN
+6	NUM
+,	PUNCT
+No.	NOUN
+0832	NUM
+.	PUNCT
+Monday	PROPN
+,	PUNCT
+23	NUM
+October	PROPN
+1995	NUM
+.	PUNCT
+
+From	ADP
+:	PUNCT
+Martin	PROPN
+Green	PROPN
+<	PUNCT
+MGr...@usa.pipeline.com	X
+>	PUNCT
+
+Date	NOUN
+:	PUNCT
+Sunday	PROPN
+,	PUNCT
+22	NUM
+Oct	PROPN
+1995	NUM
+10:57:32	NUM
+-	SYM
+0400	NUM
+
+Subject	NOUN
+:	PUNCT
+Re	ADP
+:	PUNCT
+Facts	NOUN
+,	PUNCT
+Purpose	NOUN
+of	ADP
+List	NOUN
+,	PUNCT
+Italy	PROPN
+,	PUNCT
+Jews	PROPN
+
+<<	PUNCT
+There	PRON
+were	VERB
+no	DET
+Jews	PROPN
+in	ADP
+England	PROPN
+to	PART
+speak	VERB
+of	ADP
+in	ADP
+the	DET
+1590's	NOUN
+.	PUNCT
+
+True	ADJ
+,	PUNCT
+but	CCONJ
+two	NUM
+in	ADP
+England	PROPN
+that	PRON
+we	PRON
+know	VERB
+of	ADP
+were	AUX
+a	DET
+part	NOUN
+of	ADP
+the	DET
+Essex	PROPN
+entourage	NOUN
+:	PUNCT
+Dr.	PROPN
+Lopez	PROPN
+,	PUNCT
+who	PRON
+had	AUX
+been	AUX
+physician	NOUN
+to	ADP
+Essex	PROPN
+'	PART
+step	NOUN
+-	PUNCT
+father	NOUN
+,	PUNCT
+the	DET
+Earl	PROPN
+of	ADP
+Leicester	PROPN
+,	PUNCT
+had	AUX
+apparently	ADV
+treated	VERB
+the	DET
+young	ADJ
+Essex	PROPN
+for	ADP
+some	DET
+socially	ADV
+unacceptable	ADJ
+ailment	NOUN
+,	PUNCT
+and	CCONJ
+Antonio	PROPN
+Perez	PROPN
+,	PUNCT
+who	PRON
+was	AUX
+a	DET
+guest	NOUN
+at	ADP
+Essex	PROPN
+House	PROPN
+in	ADP
+the	DET
+early	ADJ
+1590's	NOUN
+.	PUNCT
+
+To	PART
+be	AUX
+sure	ADJ
+,	PUNCT
+both	CCONJ
+Lopez	PROPN
+&	CCONJ
+Perez	PROPN
+were	AUX
+conversos	NOUN
+--	PUNCT
+but	CCONJ
+they	PRON
+were	AUX
+thought	VERB
+of	ADP
+in	ADP
+England	PROPN
+as	SCONJ
+being	AUX
+,	PUNCT
+as	SCONJ
+they	PRON
+undoubtedly	ADV
+were	AUX
+,	PUNCT
+at	ADV
+least	ADV
+ethnically	ADV
+,	PUNCT
+Jews	PROPN
+.	PUNCT
+>>	PUNCT
+
+---------------------------------------------------------------------	PUNCT
+
+<<	PUNCT
+Doctor	PROPN
+RODERIGO	PROPN
+LOPEZ	PROPN
+(	PUNCT
+1525	NUM
+-	SYM
+1594	NUM
+)	PUNCT
+was	AUX
+the	DET
+Portugese	ADJ
+Jewish	ADJ
+doctor	NOUN
+accused	VERB
+by	ADP
+Essex	PROPN
+of	SCONJ
+trying	VERB
+to	PART
+poison	VERB
+Queen	PROPN
+Elizabeth	PROPN
+.	PUNCT
+
+The	DET
+69	NUM
+year	NOUN
+old	ADJ
+Dr.	PROPN
+Lopez	PROPN
+was	AUX
+found	VERB
+guilty	ADJ
+and	CCONJ
+was	AUX
+summarily	ADV
+hung	VERB
+and	CCONJ
+quartered	VERB
+on	ADP
+June	PROPN
+7	NUM
+,	PUNCT
+1594	NUM
+at	ADP
+Tyburn	PROPN
+.	PUNCT
+
+Long	ADV
+before	ADV
+(	PUNCT
+September	PROPN
+1560	NUM
+)	PUNCT
+Dr.	PROPN
+Lopez	PROPN
+had	AUX
+been	AUX
+the	DET
+personal	ADJ
+house	NOUN
+doctor	NOUN
+of	ADP
+Robert	PROPN
+Dudley	PROPN
+and	CCONJ
+the	DET
+good	ADJ
+doctor	NOUN
+was	AUX
+obligated	VERB
+to	PART
+write	VERB
+the	DET
+death	NOUN
+certificate	NOUN
+for	ADP
+Amy	PROPN
+Robsart	PROPN
+(	PUNCT
+stating	VERB
+that	SCONJ
+she	PRON
+had	AUX
+"	PUNCT
+accidentally	ADV
+"	PUNCT
+fallen	VERB
+down	ADP
+the	DET
+stairs	NOUN
+)	PUNCT
+.	PUNCT
+
+That	DET
+same	ADJ
+year	NOUN
+(	PUNCT
+1560	NUM
+)	PUNCT
+a	DET
+Spanish	ADJ
+priest	NOUN
+named	VERB
+RUY	PROPN
+LOPEZ	PROPN
+handily	ADV
+beat	VERB
+all	DET
+comers	NOUN
+at	ADP
+a	DET
+chess	NOUN
+tournament	NOUN
+in	ADP
+Rome	PROPN
+.	PUNCT
+
+Lopez	PROPN
+'s	PART
+1561	NUM
+book	NOUN
+"	PUNCT
+Libro	X
+de	X
+la	X
+invencion	X
+liberal	X
+y	X
+arte	X
+del	X
+Juego	X
+del	X
+Acedraz	X
+"	PUNCT
+became	VERB
+THE	DET
+classic	NOUN
+on	ADP
+Chess	NOUN
+openings	NOUN
+,	PUNCT
+including	VERB
+the	DET
+one	NOUN
+that	PRON
+bears	VERB
+his	PRON
+name	NOUN
+.	PUNCT
+
+-------------------------------------------------------------------	PUNCT
+
+Chess	NOUN
+history	NOUN
+1530	NUM
+-	SYM
+1647	NUM
+
+[	PUNCT
+]	PUNCT
+
+1530	NUM
+LOPEZ	PROPN
+,	PUNCT
+Ruy	PROPN
+b.	VERB
+in	ADP
+Zafra	PROPN
+,	PUNCT
+Spain	PROPN
+.	PUNCT
+
+Spanish	ADJ
+priest	NOUN
+&	CCONJ
+leading	VERB
+player	NOUN
+.	PUNCT
+
+1533	NUM
+Atahualpa	PROPN
+,	PUNCT
+inca	PROPN
+emperor	NOUN
+of	ADP
+peru	PROPN
+,	PUNCT
+imprisoned	VERB
+&	CCONJ
+learns	VERB
+chess	NOUN
+.	PUNCT
+
+1542	NUM
+LEONARDO	PROPN
+,	PUNCT
+Giovanni	PROPN
+(	PUNCT
+a.k.a.	ADV
+Il	PROPN
+Puttino	PROPN
+/	PUNCT
+the	DET
+Boy	PROPN
+)	PUNCT
+born	VERB
+in	ADP
+Calaria	PROPN
+.	PUNCT
+
+1550	NUM
+Valdiviesco	PROPN
+,	PUNCT
+Don	PROPN
+Antonio	PROPN
+de	PROPN
+,	PUNCT
+Bishop	PROPN
+of	ADP
+Nicaragua	PROPN
+,	PUNCT
+assassinated	VERB
+while	SCONJ
+playing	VERB
+chess	NOUN
+in	ADP
+his	PRON
+palace	NOUN
+at	ADP
+Leon	PROPN
+.	PUNCT
+
+1551	NUM
+Ivan	PROPN
+IV	PROPN
+of	ADP
+Russia	PROPN
+bans	VERB
+chess	NOUN
+.	PUNCT
+
+1555	NUM
+Castling	NOUN
+is	AUX
+introduced	VERB
+.	PUNCT
+
+1560	NUM
+Ruy	PROPN
+Lopez	PROPN
+visits	VERB
+Rome	PROPN
+and	CCONJ
+defeats	VERB
+all	DET
+the	DET
+players	NOUN
+.	PUNCT
+
+1561	NUM
+Last	ADJ
+time	NOUN
+castling	NOUN
+was	AUX
+2	NUM
+separate	ADJ
+moves	NOUN
+.	PUNCT
+
+1561	NUM
+Ruy	PROPN
+Lopez	PROPN
+proposes	VERB
+the	DET
+50	NUM
+-	PUNCT
+move	NOUN
+rule	NOUN
+to	PART
+claim	VERB
+a	DET
+draw	NOUN
+.	PUNCT
+
+1561	NUM
+Ruy	PROPN
+Lopez	PROPN
+writes	VERB
+his	PRON
+book	NOUN
+on	ADP
+chess	NOUN
+.	PUNCT
+
+Introduces	VERB
+the	DET
+word	NOUN
+gambit	NOUN
+.	PUNCT
+
+(	PUNCT
+Alcala	PROPN
+,	PUNCT
+1561	NUM
+)	PUNCT
+
+1562	NUM
+St	PROPN
+Teresa	PROPN
+,	PUNCT
+a	DET
+Spanish	ADJ
+reformer	NOUN
+,	PUNCT
+includes	VERB
+chess	NOUN
+in	ADP
+her	PRON
+writings	NOUN
+.	PUNCT
+
+1570	NUM
+Gianutto	PROPN
+della	NOUN
+Mantia	PROPN
+,	PUNCT
+Horatio	PROPN
+born	VERB
+in	ADP
+Italy	PROPN
+.	PUNCT
+
+Author	NOUN
+of	ADP
+Italian	ADJ
+chess	NOUN
+book	NOUN
+.	PUNCT
+
+1572	NUM
+Ruy	PROPN
+Lopez	PROPN
+defeats	VERB
+several	ADJ
+eminent	ADJ
+players	NOUN
+in	ADP
+Rome	PROPN
+.	PUNCT
+
+1574	NUM
+Boi	PROPN
+and	CCONJ
+Leonardo	PROPN
+beat	VERB
+Lopez	PROPN
+&	CCONJ
+Ceron	PROPN
+in	ADP
+presence	NOUN
+of	ADP
+Phillip	PROPN
+II	PROPN
+.	PUNCT
+
+1575	NUM
+Leonardo	PROPN
+beats	VERB
+Ruy	PROPN
+Lopez	PROPN
+in	ADP
+Madrid	PROPN
+.	PUNCT
+
+1575	NUM
+After	ADP
+the	DET
+Plague	PROPN
+of	ADP
+Cremona	PROPN
+,	PUNCT
+all	DET
+games	NOUN
+except	ADP
+chess	NOUN
+were	AUX
+banned	VERB
+.	PUNCT
+
+1576	NUM
+Boi	PROPN
+taken	VERB
+prisoner	NOUN
+,	PUNCT
+but	CCONJ
+wins	VERB
+his	PRON
+freedom	NOUN
+playing	VERB
+chess	NOUN
+.	PUNCT
+
+1580	NUM
+Catherine	PROPN
+de	PROPN
+Medici	PROPN
+of	ADP
+France	PROPN
+is	AUX
+a	DET
+keen	ADJ
+chess	NOUN
+player	NOUN
+.	PUNCT
+
+1580	NUM
+Ruy	PROPN
+lopez	NOUN
+died	VERB
+.	PUNCT
+
+1584	NUM
+Ivan	PROPN
+the	DET
+Terrible	PROPN
+dies	VERB
+while	SCONJ
+starting	VERB
+a	DET
+game	NOUN
+of	ADP
+chess	NOUN
+.	PUNCT
+
+1584	NUM
+Lopez	PROPN
+'s	PART
+book	NOUN
+translated	VERB
+into	ADP
+Italian	PROPN
+by	ADP
+Tarsia	PROPN
+and	CCONJ
+published	VERB
+in	ADP
+Venice	PROPN
+.	PUNCT
+
+----------------------------------------------------------------------	PUNCT
+
+<<	PUNCT
+"	PUNCT
+I	PRON
+have	AUX
+told	VERB
+you	PRON
+,	PUNCT
+friend	NOUN
+,	PUNCT
+"	PUNCT
+said	VERB
+the	DET
+curate	NOUN
+,	PUNCT
+"	PUNCT
+that	SCONJ
+this	PRON
+is	AUX
+done	VERB
+to	PART
+divert	VERB
+our	PRON
+idle	ADJ
+thoughts	NOUN
+;	PUNCT
+and	CCONJ
+as	SCONJ
+in	ADP
+well	ADV
+-	PUNCT
+ordered	VERB
+states	NOUN
+games	NOUN
+of	ADP
+CHESS	NOUN
+,	PUNCT
+fives	NOUN
+,	PUNCT
+and	CCONJ
+billiards	NOUN
+are	AUX
+allowed	VERB
+for	ADP
+the	DET
+diversion	NOUN
+of	ADP
+those	PRON
+who	PRON
+do	AUX
+not	PART
+care	VERB
+,	PUNCT
+or	CCONJ
+are	AUX
+not	PART
+obliged	VERB
+,	PUNCT
+or	CCONJ
+are	AUX
+unable	ADJ
+to	ADP
+work	VERB
+,	PUNCT
+so	ADV
+books	NOUN
+of	ADP
+this	DET
+kind	NOUN
+are	AUX
+allowed	VERB
+to	PART
+be	AUX
+printed	VERB
+,	PUNCT
+on	ADP
+the	DET
+supposition	NOUN
+that	SCONJ
+,	PUNCT
+what	PRON
+indeed	ADV
+is	AUX
+the	DET
+truth	NOUN
+,	PUNCT
+there	PRON
+can	AUX
+be	VERB
+nobody	PRON
+so	ADV
+ignorant	ADJ
+as	SCONJ
+to	PART
+take	VERB
+any	DET
+of	ADP
+them	PRON
+for	ADP
+true	ADJ
+stories	NOUN
+;	PUNCT
+>>	PUNCT
+
+<<	PUNCT
+"	PUNCT
+Well	INTJ
+then	ADV
+,	PUNCT
+"	PUNCT
+said	VERB
+Don	PROPN
+Quixote	PROPN
+,	PUNCT
+"	PUNCT
+the	DET
+same	ADJ
+thing	NOUN
+happens	VERB
+in	ADP
+the	DET
+comedy	NOUN
+and	CCONJ
+life	NOUN
+of	ADP
+this	DET
+world	NOUN
+,	PUNCT
+where	ADV
+some	DET
+play	VERB
+emperors	NOUN
+,	PUNCT
+others	NOUN
+popes	NOUN
+,	PUNCT
+and	CCONJ
+,	PUNCT
+in	ADP
+short	ADJ
+,	PUNCT
+all	DET
+the	DET
+characters	NOUN
+that	PRON
+can	AUX
+be	AUX
+brought	VERB
+into	ADP
+a	DET
+play	NOUN
+;	PUNCT
+but	CCONJ
+when	ADV
+it	PRON
+is	AUX
+over	ADV
+,	PUNCT
+that	PRON
+is	VERB
+to	PART
+say	VERB
+when	ADV
+life	NOUN
+ends	VERB
+,	PUNCT
+death	NOUN
+strips	VERB
+them	PRON
+all	DET
+of	ADP
+the	DET
+garments	NOUN
+that	PRON
+distinguish	VERB
+one	NUM
+from	ADP
+the	DET
+other	ADJ
+,	PUNCT
+and	CCONJ
+all	DET
+are	AUX
+equal	ADJ
+in	ADP
+the	DET
+grave	NOUN
+.	PUNCT
+"	PUNCT
+
+"	PUNCT
+A	DET
+fine	ADJ
+comparison	NOUN
+!	PUNCT
+"	PUNCT
+said	VERB
+Sancho	PROPN
+;	PUNCT
+"	PUNCT
+though	SCONJ
+not	PART
+so	ADV
+new	ADJ
+but	ADV
+that	SCONJ
+I	PRON
+have	AUX
+heard	VERB
+it	PRON
+many	DET
+and	CCONJ
+many	DET
+a	DET
+time	NOUN
+,	PUNCT
+as	ADV
+well	ADV
+as	ADP
+that	DET
+other	ADJ
+one	NOUN
+of	ADP
+the	DET
+game	NOUN
+of	ADP
+CHESS	NOUN
+;	PUNCT
+how	ADV
+,	PUNCT
+so	ADV
+long	ADV
+as	SCONJ
+the	DET
+game	NOUN
+lasts	VERB
+,	PUNCT
+each	DET
+piece	NOUN
+has	VERB
+its	PRON
+own	ADJ
+particular	ADJ
+office	NOUN
+,	PUNCT
+and	CCONJ
+when	ADV
+the	DET
+game	NOUN
+is	AUX
+finished	VERB
+they	PRON
+are	AUX
+all	ADV
+mixed	VERB
+,	PUNCT
+jumbled	VERB
+up	ADP
+and	CCONJ
+shaken	VERB
+together	ADV
+,	PUNCT
+and	CCONJ
+stowed	VERB
+away	ADP
+in	ADP
+the	DET
+bag	NOUN
+,	PUNCT
+which	PRON
+is	VERB
+much	ADV
+like	SCONJ
+ending	VERB
+life	NOUN
+in	ADP
+the	DET
+grave	NOUN
+.	PUNCT
+"	PUNCT
+
+"	PUNCT
+Thou	PRON
+art	AUX
+growing	VERB
+less	ADV
+doltish	ADJ
+and	CCONJ
+more	ADV
+shrewd	ADJ
+every	DET
+day	NOUN
+,	PUNCT
+Sancho	PROPN
+,	PUNCT
+"	PUNCT
+said	VERB
+Don	PROPN
+Quixote	PROPN
+.	PUNCT
+
+"	PUNCT
+Ay	INTJ
+,	PUNCT
+"	PUNCT
+said	VERB
+Sancho	PROPN
+;	PUNCT
+"	PUNCT
+it	PRON
+must	AUX
+be	VERB
+that	SCONJ
+some	DET
+of	ADP
+your	PRON
+worship	NOUN
+'s	PART
+shrewdness	NOUN
+sticks	VERB
+to	ADP
+me	PRON
+;	PUNCT
+land	NOUN
+that	PRON
+,	PUNCT
+of	ADP
+itself	PRON
+,	PUNCT
+is	AUX
+barren	ADJ
+and	CCONJ
+dry	ADJ
+,	PUNCT
+will	AUX
+come	VERB
+to	PART
+yield	VERB
+good	ADJ
+fruit	NOUN
+if	SCONJ
+you	PRON
+dung	VERB
+it	PRON
+and	CCONJ
+till	VERB
+it	PRON
+>>	PUNCT
+
+---------------------------------------------------------------------	PUNCT
+
+Of	ADP
+all	DET
+Freemason	PROPN
+sponsered	VERB
+revolutions	NOUN
+:	PUNCT
+American	ADJ
+,	PUNCT
+French	ADJ
+,	PUNCT
+Bolivar	ADJ
+,	PUNCT
+etc	X
+.	PUNCT
+.	PUNCT
+.	PUNCT
+Garibaldi	PROPN
+'s	PART
+is	AUX
+the	DET
+most	ADV
+blatantly	ADV
+Masonic	ADJ
+:	PUNCT
+
+Nostromo	PROPN
+A	DET
+Tale	PROPN
+of	ADP
+the	DET
+Seaboard	PROPN
+
+<<	PUNCT
+After	SCONJ
+having	AUX
+written	VERB
+so	ADV
+far	ADV
+,	PUNCT
+Don	PROPN
+Martin	PROPN
+Decoud	PROPN
+,	PUNCT
+the	DET
+exotic	ADJ
+dandy	NOUN
+of	ADP
+the	DET
+Parisian	ADJ
+boulevard	NOUN
+,	PUNCT
+got	VERB
+up	ADV
+and	CCONJ
+walked	VERB
+across	ADP
+the	DET
+sanded	VERB
+floor	NOUN
+of	ADP
+the	DET
+cafe	NOUN
+at	ADP
+one	NUM
+end	NOUN
+of	ADP
+the	DET
+Albergo	PROPN
+of	ADP
+United	PROPN
+Italy	PROPN
+,	PUNCT
+kept	VERB
+by	ADP
+Giorgio	PROPN
+Viola	PROPN
+,	PUNCT
+the	DET
+old	ADJ
+companion	NOUN
+of	ADP
+Garibaldi	PROPN
+.	PUNCT
+
+The	DET
+highly	ADV
+coloured	ADJ
+lithograph	NOUN
+of	ADP
+the	DET
+Faithful	ADJ
+Hero	NOUN
+seemed	VERB
+to	PART
+look	VERB
+dimly	ADV
+,	PUNCT
+in	ADP
+the	DET
+light	NOUN
+of	ADP
+one	NUM
+candle	NOUN
+,	PUNCT
+at	ADP
+the	DET
+man	NOUN
+with	ADP
+no	DET
+faith	NOUN
+in	ADP
+anything	PRON
+except	ADP
+the	DET
+truth	NOUN
+of	ADP
+his	PRON
+own	ADJ
+sensations	NOUN
+.	PUNCT
+
+Looking	VERB
+out	ADP
+of	ADP
+the	DET
+window	NOUN
+,	PUNCT
+Decoud	PROPN
+was	AUX
+met	VERB
+by	ADP
+a	DET
+darkness	NOUN
+so	ADV
+impenetrable	ADJ
+that	SCONJ
+he	PRON
+could	AUX
+see	VERB
+neither	CCONJ
+the	DET
+mountains	NOUN
+nor	CCONJ
+the	DET
+town	NOUN
+,	PUNCT
+nor	CCONJ
+yet	ADV
+the	DET
+buildings	NOUN
+near	ADP
+the	DET
+harbour	NOUN
+;	PUNCT
+and	CCONJ
+there	PRON
+was	VERB
+not	PART
+a	DET
+sound	NOUN
+,	PUNCT
+as	SCONJ
+if	SCONJ
+the	DET
+tremendous	ADJ
+obscurity	NOUN
+of	ADP
+the	DET
+Placid	ADJ
+Gulf	NOUN
+,	PUNCT
+spreading	VERB
+from	ADP
+the	DET
+waters	NOUN
+over	ADP
+the	DET
+land	NOUN
+,	PUNCT
+had	AUX
+made	VERB
+it	PRON
+dumb	ADJ
+as	ADV
+well	ADV
+as	ADP
+blind	ADJ
+.	PUNCT
+.	PUNCT
+.	PUNCT
+.	PUNCT
+
+He	PRON
+turned	VERB
+away	ADV
+.	PUNCT
+
+He	PRON
+could	AUX
+bear	VERB
+no	ADV
+longer	ADV
+that	DET
+expressionless	ADJ
+and	CCONJ
+motionless	ADJ
+stare	NOUN
+,	PUNCT
+which	PRON
+seemed	VERB
+to	PART
+have	VERB
+a	DET
+sort	NOUN
+of	ADP
+impenetrable	ADJ
+emptiness	NOUN
+like	ADP
+the	DET
+black	ADJ
+depth	NOUN
+of	ADP
+an	DET
+abyss	NOUN
+.	PUNCT
+
+.	PUNCT
+.	PUNCT
+.	PUNCT
+and	CCONJ
+uneasy	ADJ
+in	ADP
+its	PRON
+corporate	ADJ
+expression	NOUN
+,	PUNCT
+was	AUX
+overtopped	VERB
+by	ADP
+the	DET
+big	ADJ
+face	NOUN
+of	ADP
+Don	PROPN
+Juste	PROPN
+Lopez	PROPN
+,	PUNCT
+soft	ADJ
+and	CCONJ
+white	ADJ
+,	PUNCT
+with	ADP
+prominent	ADJ
+eyelids	NOUN
+and	CCONJ
+wreathed	VERB
+in	ADP
+impenetrable	ADJ
+solemnity	NOUN
+as	SCONJ
+if	SCONJ
+in	ADP
+a	DET
+dense	ADJ
+cloud	NOUN
+.	PUNCT
+>>	PUNCT
+
+------------------------------------------------------------------	PUNCT
+
+Wisteria	PROPN
+Lodge	PROPN
+
+<<	PUNCT
+He	PRON
+could	AUX
+do	VERB
+little	ADJ
+during	ADP
+the	DET
+day	NOUN
+,	PUNCT
+for	CCONJ
+Murillo	PROPN
+took	VERB
+every	DET
+precaution	NOUN
+and	CCONJ
+never	ADV
+went	VERB
+out	ADV
+save	ADP
+with	ADP
+his	PRON
+satellite	NOUN
+Lucas	PROPN
+,	PUNCT
+or	CCONJ
+Lopez	PROPN
+as	SCONJ
+he	PRON
+was	AUX
+known	VERB
+in	ADP
+the	DET
+days	NOUN
+of	ADP
+his	PRON
+greatness	NOUN
+.	PUNCT
+
+At	ADP
+night	NOUN
+,	PUNCT
+however	ADV
+,	PUNCT
+he	PRON
+slept	VERB
+alone	ADV
+,	PUNCT
+and	CCONJ
+the	DET
+avenger	NOUN
+might	AUX
+find	VERB
+him	PRON
+.	PUNCT
+
+On	ADP
+a	DET
+certain	ADJ
+evening	NOUN
+,	PUNCT
+which	PRON
+had	AUX
+been	AUX
+prearranged	VERB
+,	PUNCT
+I	PRON
+sent	VERB
+my	PRON
+friend	NOUN
+final	ADJ
+instructions	NOUN
+,	PUNCT
+for	CCONJ
+the	DET
+man	NOUN
+was	AUX
+forever	ADV
+on	ADP
+the	DET
+alert	NOUN
+and	CCONJ
+continually	ADV
+changed	VERB
+his	PRON
+room	NOUN
+.	PUNCT
+
+I	PRON
+was	VERB
+to	PART
+see	VERB
+that	SCONJ
+the	DET
+doors	NOUN
+were	AUX
+open	ADJ
+and	CCONJ
+the	DET
+signal	NOUN
+of	ADP
+a	DET
+green	ADJ
+or	CCONJ
+white	ADJ
+light	NOUN
+in	ADP
+a	DET
+window	NOUN
+which	PRON
+faced	VERB
+the	DET
+drive	NOUN
+was	VERB
+to	PART
+give	VERB
+notice	NOUN
+if	SCONJ
+all	DET
+was	AUX
+safe	ADJ
+or	CCONJ
+if	SCONJ
+the	DET
+attempt	NOUN
+had	AUX
+better	ADV
+be	AUX
+postponed	VERB
+.	PUNCT
+
+"	PUNCT
+But	CCONJ
+everything	PRON
+went	VERB
+wrong	ADJ
+with	ADP
+us	PRON
+.	PUNCT
+
+In	ADP
+some	DET
+way	NOUN
+I	PRON
+had	AUX
+excited	VERB
+the	DET
+suspicion	NOUN
+of	ADP
+Lopez	PROPN
+,	PUNCT
+the	DET
+secretary	NOUN
+.	PUNCT
+
+He	PRON
+crept	VERB
+up	ADV
+behind	ADP
+me	PRON
+and	CCONJ
+sprang	VERB
+upon	ADP
+me	PRON
+just	ADV
+as	SCONJ
+I	PRON
+had	AUX
+finished	VERB
+the	DET
+note	NOUN
+.	PUNCT
+
+He	PRON
+and	CCONJ
+his	PRON
+master	NOUN
+dragged	VERB
+me	PRON
+to	ADP
+my	PRON
+room	NOUN
+and	CCONJ
+held	VERB
+judgment	NOUN
+upon	ADP
+me	PRON
+as	ADP
+a	DET
+convicted	VERB
+traitress	NOUN
+.	PUNCT
+
+Then	ADV
+and	CCONJ
+there	ADV
+they	PRON
+would	AUX
+have	AUX
+plunged	VERB
+their	PRON
+knives	NOUN
+into	ADP
+me	PRON
+could	AUX
+they	PRON
+have	AUX
+seen	VERB
+how	ADV
+to	PART
+escape	VERB
+the	DET
+consequences	NOUN
+of	ADP
+the	DET
+deed	NOUN
+.	PUNCT
+
+Finally	ADV
+,	PUNCT
+after	ADP
+much	ADJ
+debate	NOUN
+,	PUNCT
+they	PRON
+concluded	VERB
+that	SCONJ
+my	PRON
+murder	NOUN
+was	AUX
+too	ADV
+dangerous	ADJ
+.	PUNCT
+
+But	CCONJ
+they	PRON
+determined	VERB
+to	PART
+get	VERB
+rid	ADJ
+forever	ADV
+of	ADP
+Garcia	PROPN
+.	PUNCT
+
+They	PRON
+had	AUX
+gagged	VERB
+me	PRON
+,	PUNCT
+and	CCONJ
+Murillo	PROPN
+twisted	VERB
+my	PRON
+arm	NOUN
+round	ADV
+until	SCONJ
+I	PRON
+gave	VERB
+him	PRON
+the	DET
+address	NOUN
+.	PUNCT
+
+I	PRON
+swear	VERB
+that	SCONJ
+he	PRON
+might	AUX
+have	AUX
+twisted	VERB
+it	PRON
+off	ADV
+had	AUX
+I	PRON
+understood	VERB
+what	PRON
+it	PRON
+would	AUX
+mean	VERB
+to	ADP
+Garcia	PROPN
+.	PUNCT
+
+Lopez	PROPN
+addressed	VERB
+the	DET
+note	NOUN
+which	PRON
+I	PRON
+had	AUX
+written	VERB
+,	PUNCT
+sealed	VERB
+it	PRON
+with	ADP
+his	PRON
+sleeve	NOUN
+-	PUNCT
+link	NOUN
+,	PUNCT
+and	CCONJ
+sent	VERB
+it	PRON
+by	ADP
+the	DET
+hand	NOUN
+of	ADP
+the	DET
+servant	NOUN
+,	PUNCT
+Jose	PROPN
+.	PUNCT
+
+How	ADV
+they	PRON
+murdered	VERB
+him	PRON
+I	PRON
+do	AUX
+not	PART
+know	VERB
+,	PUNCT
+save	SCONJ
+that	SCONJ
+it	PRON
+was	AUX
+Murillo	PROPN
+'s	PART
+hand	NOUN
+who	PRON
+struck	VERB
+him	PRON
+down	ADP
+,	PUNCT
+for	CCONJ
+Lopez	PROPN
+had	AUX
+remained	VERB
+to	PART
+guard	VERB
+me	PRON
+.	PUNCT
+
+I	PRON
+believe	VERB
+he	PRON
+must	AUX
+have	AUX
+waited	VERB
+among	ADP
+the	DET
+gorse	NOUN
+bushes	NOUN
+through	ADP
+which	PRON
+the	DET
+path	NOUN
+winds	VERB
+and	CCONJ
+struck	VERB
+him	PRON
+down	ADP
+as	SCONJ
+he	PRON
+passed	VERB
+.	PUNCT
+
+At	ADP
+first	ADV
+they	PRON
+were	AUX
+of	ADP
+a	DET
+mind	NOUN
+to	PART
+let	VERB
+him	PRON
+enter	VERB
+the	DET
+house	NOUN
+and	CCONJ
+to	PART
+kill	VERB
+him	PRON
+as	ADP
+a	DET
+detected	VERB
+burglar	NOUN
+;	PUNCT
+but	CCONJ
+they	PRON
+argued	VERB
+that	SCONJ
+if	SCONJ
+they	PRON
+were	AUX
+mixed	VERB
+up	ADP
+in	ADP
+an	DET
+inquiry	NOUN
+their	PRON
+own	ADJ
+identity	NOUN
+would	AUX
+at	ADV
+once	ADV
+be	AUX
+publicly	ADV
+disclosed	VERB
+and	CCONJ
+they	PRON
+would	AUX
+be	AUX
+open	ADJ
+to	ADP
+further	ADJ
+attacks	NOUN
+.	PUNCT
+
+With	ADP
+the	DET
+death	NOUN
+of	ADP
+Garcia	PROPN
+,	PUNCT
+the	DET
+pursuit	NOUN
+might	AUX
+cease	VERB
+,	PUNCT
+since	SCONJ
+such	DET
+a	DET
+death	NOUN
+might	AUX
+frighten	VERB
+others	NOUN
+from	ADP
+the	DET
+task	NOUN
+.	PUNCT
+>>	PUNCT
+
+------------------------------------------------------	PUNCT
+
+Art	PROPN
+Neuendorffer	PROPN
+
+The	DET
+Rock	NOUN
+revolution	NOUN
+happened	VERB
+in	ADP
+the	DET
+Sixties	NOUN
+(	PUNCT
+6	NUM
+,	PUNCT
+number	NOUN
+of	ADP
+the	DET
+Beast	PROPN
+)	PUNCT
+.	PUNCT
+
+It	PRON
+came	VERB
+from	ADP
+Liverpool	PROPN
+,	PUNCT
+that	PRON
+was	AUX
+the	DET
+port	NOUN
+base	NOUN
+to	ADP
+the	DET
+Titanic	PROPN
+,	PUNCT
+destroyed	VERB
+by	ADP
+God	PROPN
+because	ADP
+of	ADP
+the	DET
+arrogant	ADJ
+insult	NOUN
+of	ADP
+captain	PROPN
+Smith	PROPN
+(	PUNCT
+also	ADV
+from	ADP
+Liverpool	PROPN
+)	PUNCT
+:	PUNCT
+"	PUNCT
+Not	PART
+even	ADV
+God	PROPN
+can	AUX
+sink	VERB
+my	PRON
+ship	NOUN
+"	PUNCT
+(	PUNCT
+not	ADV
+only	ADV
+the	DET
+captain	NOUN
+,	PUNCT
+but	CCONJ
+also	ADV
+the	DET
+rest	NOUN
+of	ADP
+the	DET
+crew	NOUN
+and	CCONJ
+even	ADV
+the	DET
+orchestra	NOUN
+playing	VERB
+at	ADP
+the	DET
+Titanic	PROPN
+were	AUX
+from	ADP
+Liverpool	PROPN
+)	PUNCT
+.	PUNCT
+
+The	DET
+Rock	NOUN
+revolution	NOUN
+came	VERB
+from	ADP
+the	DET
+nation	NOUN
+that	PRON
+allows	VERB
+a	DET
+church	NOUN
+to	PART
+be	AUX
+changed	VERB
+to	ADP
+a	DET
+pub	NOUN
+or	CCONJ
+to	ADP
+a	DET
+dance	NOUN
+room	NOUN
+or	CCONJ
+to	ADP
+a	DET
+recording	NOUN
+studio	NOUN
+full	ADJ
+of	ADP
+drug	NOUN
+addicts	NOUN
+,	PUNCT
+homosexuals	NOUN
+and	CCONJ
+lunatics	NOUN
+(	PUNCT
+as	ADP
+that	PRON
+of	ADP
+George	PROPN
+Martin	PROPN
+,	PUNCT
+ally	NOUN
+of	ADP
+the	DET
+Beatles	PROPN
+)	PUNCT
+.	PUNCT
+
+It	PRON
+came	VERB
+from	ADP
+the	DET
+nation	NOUN
+whose	PRON
+king	NOUN
+Enrique	PROPN
+VIII	PROPN
+adulterated	VERB
+the	DET
+Bible	PROPN
+so	SCONJ
+that	SCONJ
+divorce	NOUN
+could	AUX
+be	AUX
+allowed	VERB
+and	CCONJ
+in	ADP
+this	DET
+way	NOUN
+be	AUX
+able	ADJ
+to	PART
+give	VERB
+loose	ADJ
+rein	NOUN
+to	ADP
+the	DET
+many	ADJ
+divorces	NOUN
+from	ADP
+his	PRON
+wives	NOUN
+and	CCONJ
+subsequent	ADJ
+murdering	NOUN
+of	ADP
+the	DET
+same	ADJ
+ones	NOUN
+and	CCONJ
+to	ADP
+whom	VERB
+God	PROPN
+provided	VERB
+a	DET
+wife	NOUN
+with	ADP
+six	NUM
+fingers	NOUN
+as	ADP
+abomination	NOUN
+(	PUNCT
+Anne	PROPN
+Boleyn	PROPN
+)	PUNCT
+...	PUNCT
+once	ADV
+again	ADV
+6	NUM
+,	PUNCT
+number	NOUN
+of	ADP
+the	DET
+Beast	PROPN
+....	PUNCT
+
+It	PRON
+is	AUX
+interesting	VERB
+to	PART
+observe	VERB
+that	SCONJ
+this	DET
+nation	NOUN
+is	AUX
+nicknamed	VERB
+"	PUNCT
+the	DET
+Devil	PROPN
+'s	PART
+Island	PROPN
+"	PUNCT
+.	PUNCT
+
+As	ADP
+the	DET
+epithet	NOUN
+of	ADP
+the	DET
+government	NOUN
+of	ADP
+Satan	PROPN
+on	ADP
+that	DET
+nation	NOUN
+,	PUNCT
+the	DET
+center	NOUN
+of	ADP
+London	PROPN
+,	PUNCT
+the	DET
+so	ADV
+well	ADV
+-	PUNCT
+known	VERB
+Piccadilly	PROPN
+Circus	PROPN
+,	PUNCT
+takes	VERB
+it's	PRON
+name	NOUN
+from	ADP
+an	DET
+old	ADJ
+brothel	NOUN
+(	PUNCT
+the	DET
+"	PUNCT
+Piccadilla	PROPN
+House	PROPN
+"	PUNCT
+which	PRON
+means	VERB
+"	PUNCT
+The	DET
+House	PROPN
+of	ADP
+Sin	PROPN
+"	PUNCT
+)	PUNCT
+,	PUNCT
+disappeared	ADJ
+nowadays	ADV
+.	PUNCT
+
+The	DET
+antichrist	PROPN
+John	PROPN
+Lennon	PROPN
+,	PUNCT
+one	NUM
+of	ADP
+the	DET
+Devil	PROPN
+'s	PART
+main	ADJ
+puppets	NOUN
+to	PART
+destroy	VERB
+family	NOUN
+,	PUNCT
+social	ADJ
+and	CCONJ
+moral	ADJ
+values	NOUN
+and	CCONJ
+to	PART
+begin	VERB
+the	DET
+disintegration	NOUN
+of	ADP
+mankind	NOUN
+,	PUNCT
+did	AUX
+hit	VERB
+Stuart	PROPN
+Sutcliffe	PROPN
+(	PUNCT
+the	DET
+first	ADJ
+bass	NOUN
+player	NOUN
+of	ADP
+the	DET
+Beatles	PROPN
+)	PUNCT
+in	ADP
+the	DET
+head	NOUN
+with	ADP
+a	DET
+club	NOUN
+repeatedly	ADV
+in	ADP
+Hamburg	PROPN
+.	PUNCT
+
+Some	DET
+months	NOUN
+later	ADV
+Sutcliffe	PROPN
+died	VERB
+from	ADP
+brain	NOUN
+haemorrhage	NOUN
+because	ADP
+of	ADP
+John	PROPN
+Lennon	PROPN
+'s	PART
+bruises	NOUN
+.	PUNCT
+
+John	PROPN
+Lennon	PROPN
+entered	VERB
+stardom	NOUN
+being	AUX
+a	DET
+murderer	NOUN
+.	PUNCT
+
+The	DET
+same	ADJ
+demons	NOUN
+that	PRON
+made	VERB
+captain	PROPN
+Smith	PROPN
+say	VERB
+"	PUNCT
+Not	PART
+even	ADV
+God	PROPN
+can	AUX
+sink	VERB
+my	PRON
+ship	NOUN
+"	PUNCT
+spoke	VERB
+from	ADP
+antichrist	PROPN
+John	PROPN
+Lennon	PROPN
+(	PUNCT
+from	ADP
+Liverpool	PROPN
+,	PUNCT
+base	NOUN
+port	NOUN
+to	ADP
+the	DET
+Titanic	PROPN
+)	PUNCT
+saying	VERB
+:	PUNCT
+"	PUNCT
+Christianity	PROPN
+is	AUX
+on	ADP
+the	DET
+go	NOUN
+.	PUNCT
+
+It	PRON
+will	AUX
+vanish	VERB
+and	CCONJ
+shrink	VERB
+.	PUNCT
+
+We	PRON
+are	AUX
+more	ADV
+popular	ADJ
+than	ADP
+Jesus	PROPN
+and	CCONJ
+Pope	PROPN
+"	PUNCT
+....	PUNCT
+
+That	PRON
+was	AUX
+the	DET
+day	NOUN
+that	ADV
+GOD	PROPN
+'S	PART
+CURSE	PROPN
+fell	VERB
+upon	ADP
+the	DET
+world	NOUN
+of	ADP
+Rock	NOUN
+.	PUNCT
+
+One	NUM
+week	NOUN
+after	ADP
+that	DET
+declaration	NOUN
+,	PUNCT
+ONLY	ADV
+ONE	NUM
+WEEK	NOUN
+LATER	ADV
+,	PUNCT
+Brian	PROPN
+Epstein	PROPN
+,	PUNCT
+forger	NOUN
+of	ADP
+the	DET
+Beatle	PROPN
+farce	NOUN
+,	PUNCT
+died	VERB
+from	ADP
+an	DET
+overdose	NOUN
+.	PUNCT
+
+From	ADP
+then	ADV
+on	ADV
+,	PUNCT
+the	DET
+Beatles	PROPN
+began	VERB
+to	PART
+get	VERB
+involved	ADJ
+in	ADP
+false	ADJ
+religions	NOUN
+and	CCONJ
+to	PART
+preach	VERB
+them	PRON
+to	ADP
+the	DET
+world	NOUN
+.	PUNCT
+
+John	PROPN
+Lennon	PROPN
+'s	PART
+divorce	NOUN
+followed	VERB
+,	PUNCT
+as	ADV
+well	ADV
+as	ADP
+his	PRON
+entering	VERB
+the	DET
+world	NOUN
+of	ADP
+black	ADJ
+magic	NOUN
+,	PUNCT
+as	ADV
+deeply	ADV
+as	SCONJ
+to	PART
+buy	VERB
+the	DET
+apartment	NOUN
+.	PUNCT
+where	ADV
+the	DET
+"	PUNCT
+Rosemary	PROPN
+'s	PART
+baby	PROPN
+"	PUNCT
+had	AUX
+been	AUX
+filmed	VERB
+,	PUNCT
+previous	ADJ
+property	NOUN
+of	ADP
+Roman	PROPN
+Polansky	PROPN
+,	PUNCT
+and	CCONJ
+in	ADP
+that	DET
+same	ADJ
+apartment	NOUN
+John	PROPN
+Lennon	PROPN
+had	VERB
+a	DET
+room	NOUN
+upholstered	VERB
+with	ADP
+black	ADJ
+silk	NOUN
+where	ADV
+he	PRON
+used	VERB
+to	PART
+do	VERB
+his	PRON
+black	ADJ
+magic	NOUN
+operations	NOUN
+.	PUNCT
+
+Came	VERB
+the	DET
+disintegration	NOUN
+of	ADP
+the	DET
+Beatles	PROPN
+'	PART
+minds	NOUN
+with	ADP
+LSD	NOUN
+which	PRON
+has	AUX
+caused	VERB
+,	PUNCT
+among	ADP
+others	NOUN
+,	PUNCT
+schizophrenic	ADJ
+lyrics	NOUN
+such	ADJ
+as	SCONJ
+"	PUNCT
+I	PRON
+am	AUX
+the	DET
+Walrus	PROPN
+"	PUNCT
+and	CCONJ
+incoherent	ADJ
+schizophrenic	ADJ
+musical	ADJ
+expositions	NOUN
+like	ADP
+"	PUNCT
+Revolution	PROPN
+number	PROPN
+9	NUM
+"	PUNCT
+.	PUNCT
+
+At	ADP
+the	DET
+same	ADJ
+time	NOUN
+,	PUNCT
+the	DET
+devil	PROPN
+acted	VERB
+through	ADP
+his	PRON
+other	ADJ
+main	ADJ
+puppets	NOUN
+with	ADP
+"	PUNCT
+Sympathy	PROPN
+for	ADP
+the	DET
+devil	PROPN
+"	PUNCT
+that	PRON
+was	VERB
+when	ADV
+the	DET
+pact	NOUN
+of	ADP
+the	DET
+Rolling	PROPN
+Stones	PROPN
+with	ADP
+Satan	PROPN
+took	VERB
+the	DET
+life	NOUN
+of	ADP
+the	DET
+founder	NOUN
+of	ADP
+the	DET
+group	NOUN
+,	PUNCT
+the	DET
+guitarist	NOUN
+Brian	PROPN
+Jones	PROPN
+(	PUNCT
+who	PRON
+refused	VERB
+to	PART
+be	AUX
+a	DET
+puppet	NOUN
+of	ADP
+the	DET
+devil	PROPN
+)	PUNCT
+,	PUNCT
+murdered	VERB
+by	ADP
+people	NOUN
+sent	VERB
+by	ADP
+Mick	PROPN
+Jagger	PROPN
+,	PUNCT
+another	DET
+assassin	NOUN
+.	PUNCT
+
+Antichrist	PROPN
+John	PROPN
+Lennon	PROPN
+followed	VERB
+the	DET
+Devil	PROPN
+'s	PART
+strategy	NOUN
+writing	VERB
+lyrics	NOUN
+such	ADJ
+as	ADP
+"	PUNCT
+God	PROPN
+is	AUX
+a	DET
+concept	NOUN
+by	ADP
+which	PRON
+we	PRON
+measure	VERB
+our	PRON
+pain	NOUN
+...	PUNCT
+I	PRON
+do	AUX
+n't	PART
+believe	VERB
+in	ADP
+Jesus	PROPN
+,	PUNCT
+etc.	X
+,	PUNCT
+etc.	X
+,	PUNCT
+"	PUNCT
+(	PUNCT
+God	PROPN
+)	PUNCT
+and	CCONJ
+"	PUNCT
+and	CCONJ
+no	DET
+religions	NOUN
+too	ADV
+...	PUNCT
+"	PUNCT
+(	PUNCT
+Imagine	VERB
+)	PUNCT
+.	PUNCT
+
+Antichrist	PROPN
+John	PROPN
+Lennon	PROPN
+wanted	VERB
+to	PART
+compete	VERB
+with	ADP
+Jesus	PROPN
+Christ	PROPN
+,	PUNCT
+and	CCONJ
+so	ADV
+he	PRON
+grew	VERB
+a	DET
+beard	NOUN
+and	CCONJ
+started	VERB
+to	PART
+make	VERB
+a	DET
+bogus	ADJ
+role	NOUN
+of	ADP
+Christ	PROPN
+together	ADV
+with	ADP
+Yoko	PROPN
+Ono	PROPN
+at	ADP
+the	DET
+Amsterdam	PROPN
+Hilton	PROPN
+hotel	NOUN
+proclaiming	VERB
+"	PUNCT
+Peace	NOUN
+"	PUNCT
+,	PUNCT
+being	VERB
+then	ADV
+when	ADV
+he	PRON
+was	AUX
+visited	VERB
+by	ADP
+the	DET
+Canadian	ADJ
+journalist	NOUN
+who	PRON
+ridiculized	VERB
+and	CCONJ
+admonished	VERB
+him	PRON
+wanting	VERB
+to	PART
+know	VERB
+about	SCONJ
+what	PRON
+Lennon	PROPN
+meant	VERB
+when	ADV
+he	PRON
+wrote	VERB
+in	ADP
+the	DET
+lyrics	NOUN
+of	ADP
+"	PUNCT
+The	DET
+ballad	PROPN
+of	ADP
+John	PROPN
+and	CCONJ
+Yoko	PROPN
+"	PUNCT
+:	PUNCT
+"	PUNCT
+the	DET
+way	NOUN
+things	NOUN
+are	AUX
+going	VERB
+,	PUNCT
+they	PRON
+'re	AUX
+going	VERB
+to	PART
+crucify	VERB
+me	PRON
+...	PUNCT
+"	PUNCT
+,	PUNCT
+The	DET
+CURSE	NOUN
+OF	ADP
+GOD	PROPN
+upon	ADP
+John	PROPN
+Lennon	PROPN
+carried	VERB
+on	ADV
+with	ADP
+all	DET
+type	NOUN
+of	ADP
+miseries	NOUN
+and	CCONJ
+distresses	NOUN
+which	PRON
+made	VERB
+Lennon	PROPN
+give	VERB
+the	DET
+interview	NOUN
+to	ADP
+the	DET
+"	PUNCT
+Rolling	PROPN
+Stone	PROPN
+"	PUNCT
+magazine	NOUN
+(	PUNCT
+today	NOUN
+condensed	VERB
+in	ADP
+the	DET
+"	PUNCT
+Lennon	PROPN
+remembers	VERB
+"	PUNCT
+book	NOUN
+)	PUNCT
+where	ADV
+he	PRON
+speaks	VERB
+about	SCONJ
+how	ADV
+bad	ADV
+thing	NOUN
+were	AUX
+going	VERB
+for	ADP
+him	PRON
+blaming	VERB
+"	PUNCT
+whatever	PRON
+is	AUX
+up	ADV
+there	ADV
+"	PUNCT
+for	ADP
+it	PRON
+(	PUNCT
+referring	VERB
+to	ADP
+God	PROPN
+)	PUNCT
+.	PUNCT
+
+The	DET
+CURSE	NOUN
+OF	ADP
+GOD	PROPN
+carried	VERB
+on	ADV
+until	SCONJ
+he	PRON
+was	AUX
+shot	VERB
+dead	ADJ
+.	PUNCT
+
+It	PRON
+is	AUX
+interesting	ADJ
+to	PART
+notice	VERB
+that	SCONJ
+he	PRON
+was	AUX
+shot	VERB
+seven	NUM
+times	NOUN
+,	PUNCT
+being	AUX
+seven	NUM
+,	PUNCT
+as	ADV
+well	ADV
+as	ADP
+three	NUM
+,	PUNCT
+the	DET
+holy	ADJ
+numbers	NOUN
+in	ADP
+Holy	ADJ
+Cabalah	NOUN
+tradition	NOUN
+....	PUNCT
+
+After	SCONJ
+George	PROPN
+Harrison	PROPN
+,	PUNCT
+said	VERB
+arrogantly	ADV
+in	ADP
+a	DET
+video	NOUN
+filmed	VERB
+in	ADP
+his	PRON
+studio	NOUN
+at	ADP
+Henley	PROPN
+on	ADP
+Thames	PROPN
+:	PUNCT
+"	PUNCT
+I	PRON
+want	VERB
+to	PART
+talk	VERB
+about	ADP
+the	DET
+divinity	NOUN
+of	ADP
+man	NOUN
+"	PUNCT
+,	PUNCT
+he	PRON
+was	AUX
+given	VERB
+throat	NOUN
+cancer	NOUN
+by	ADP
+GOD	PROPN
+because	ADP
+of	ADP
+those	DET
+words	NOUN
+,	PUNCT
+which	PRON
+made	VERB
+metastasis	NOUN
+and	CCONJ
+carried	VERB
+on	ADV
+to	ADP
+final	ADJ
+death	NOUN
+..	PUNCT
+
+To	ADP
+Paul	PROPN
+McCartney	PROPN
+whose	PRON
+company	NOUN
+'s	PART
+logo	NOUN
+was	AUX
+a	DET
+person	NOUN
+toying	VERB
+with	ADP
+the	DET
+planets	NOUN
+as	SCONJ
+if	SCONJ
+he	PRON
+was	AUX
+a	DET
+god	NOUN
+,	PUNCT
+and	CCONJ
+who	PRON
+was	AUX
+being	AUX
+very	ADV
+much	ADV
+deluded	VERB
+in	ADP
+his	PRON
+ego	NOUN
+trip	NOUN
+by	ADP
+the	DET
+fact	NOUN
+that	SCONJ
+he	PRON
+was	AUX
+made	VERB
+"	PUNCT
+Sir	PROPN
+"	PUNCT
+(	PUNCT
+when	ADV
+in	ADP
+England	PROPN
+even	ADV
+the	DET
+road	NOUN
+sweeper	NOUN
+is	AUX
+made	VERB
+Sir	PROPN
+,	PUNCT
+as	ADV
+long	ADV
+as	SCONJ
+he	PRON
+produces	VERB
+money	NOUN
+for	ADP
+the	DET
+nation	NOUN
+)	PUNCT
+,	PUNCT
+GOD	PROPN
+provided	VERB
+cancer	NOUN
+to	ADP
+the	DET
+wife	NOUN
+.	PUNCT
+
+The	DET
+advertising	NOUN
+farce	NOUN
+of	SCONJ
+how	ADV
+much	ADV
+he	PRON
+loved	VERB
+Linda	PROPN
+(	PUNCT
+woman	NOUN
+whose	PRON
+quality	NOUN
+he	PRON
+did	AUX
+not	PART
+deserve	VERB
+)	PUNCT
+,	PUNCT
+was	AUX
+exposed	VERB
+when	ADV
+it	PRON
+was	AUX
+known	VERB
+that	SCONJ
+Paul	PROPN
+had	VERB
+an	DET
+affair	NOUN
+with	ADP
+Heather	PROPN
+Mills	PROPN
+,	PUNCT
+Linda	PROPN
+'s	PART
+intimate	ADJ
+friend	NOUN
+,	PUNCT
+with	ADP
+whom	PRON
+McCartney	PROPN
+went	VERB
+on	ADP
+a	DET
+trip	NOUN
+to	ADP
+New	PROPN
+York	PROPN
+and	CCONJ
+to	ADP
+whom	PRON
+he	PRON
+bought	VERB
+things	NOUN
+and	CCONJ
+presents	NOUN
+,	PUNCT
+while	SCONJ
+he	PRON
+was	AUX
+still	ADV
+mourning	VERB
+for	ADP
+his	PRON
+"	PUNCT
+dear	ADJ
+Linda	PROPN
+"	PUNCT
+.	PUNCT
+
+At	ADP
+the	DET
+same	ADJ
+time	NOUN
+McCartney	PROPN
+was	AUX
+going	VERB
+out	ADV
+with	ADP
+Heather	PROPN
+Mills	PROPN
+,	PUNCT
+he	PRON
+used	VERB
+Linda	PROPN
+'s	PART
+death	NOUN
+for	ADP
+promotional	ADJ
+ends	NOUN
+,	PUNCT
+due	ADP
+to	ADP
+his	PRON
+waning	VERB
+popularity	NOUN
+.	PUNCT
+
+Paul	PROPN
+was	AUX
+going	VERB
+out	ADV
+with	ADP
+Heather	PROPN
+,	PUNCT
+but	CCONJ
+in	ADP
+front	NOUN
+of	ADP
+the	DET
+audience	NOUN
+he	PRON
+played	VERB
+the	DET
+faithful	ADJ
+husband	NOUN
+'s	PART
+masquerade	NOUN
+pretending	VERB
+to	PART
+suffer	VERB
+for	ADP
+Linda	PROPN
+,	PUNCT
+for	ADP
+the	DET
+afore	X
+mentioned	ADJ
+promotional	ADJ
+ends	NOUN
+.	PUNCT
+
+Paul	PROPN
+admitted	VERB
+that	SCONJ
+he	PRON
+made	VERB
+Linda	PROPN
+suffer	VERB
+a	DET
+lot	NOUN
+,	PUNCT
+but	CCONJ
+he	PRON
+did	AUX
+n't	PART
+say	VERB
+that	SCONJ
+it	PRON
+was	VERB
+because	SCONJ
+he	PRON
+felt	VERB
+insecure	ADJ
+as	ADP
+a	DET
+man	NOUN
+due	ADP
+to	ADP
+his	PRON
+womanish	ADJ
+face	NOUN
+and	CCONJ
+effeminate	ADJ
+manners	NOUN
+and	CCONJ
+also	ADV
+because	SCONJ
+with	ADP
+his	PRON
+age	NOUN
+his	PRON
+sexual	ADJ
+power	NOUN
+was	AUX
+not	PART
+the	DET
+same	ADJ
+,	PUNCT
+even	ADV
+though	SCONJ
+it	PRON
+has	AUX
+never	ADV
+been	AUX
+much	ADJ
+.	PUNCT
+
+The	DET
+early	ADJ
+days	NOUN
+were	AUX
+the	DET
+days	NOUN
+of	ADP
+competition	NOUN
+between	ADP
+Paul	PROPN
+and	CCONJ
+his	PRON
+wife	NOUN
+and	CCONJ
+John	PROPN
+and	CCONJ
+his	PRON
+wife	NOUN
+and	CCONJ
+he	PRON
+knew	VERB
+he	PRON
+had	VERB
+to	PART
+compete	VERB
+with	ADP
+ugly	ADJ
+John	PROPN
+for	ADP
+the	DET
+leadership	NOUN
+of	ADP
+the	DET
+band	NOUN
+in	ADP
+front	NOUN
+of	ADP
+their	PRON
+wives	NOUN
+and	CCONJ
+having	VERB
+Yoko	PROPN
+Ono	PROPN
+made	VERB
+him	PRON
+aware	ADJ
+of	ADP
+his	PRON
+lack	NOUN
+of	ADP
+virility	NOUN
+and	CCONJ
+repressed	VERB
+homosexuality	NOUN
+,	PUNCT
+he	PRON
+grew	VERB
+the	DET
+beard	NOUN
+that	PRON
+we	PRON
+see	VERB
+in	ADP
+the	DET
+"	PUNCT
+Let	VERB
+it	PRON
+Be	VERB
+"	PUNCT
+film	NOUN
+and	CCONJ
+started	VERB
+to	PART
+show	VERB
+pictures	NOUN
+of	ADP
+naked	ADJ
+women	NOUN
+in	ADP
+the	DET
+same	ADJ
+film	NOUN
+,	PUNCT
+doing	VERB
+every	DET
+effort	NOUN
+he	PRON
+could	AUX
+to	PART
+be	AUX
+seen	VERB
+as	ADP
+a	DET
+man	NOUN
+....	PUNCT
+
+It	PRON
+is	AUX
+easy	ADJ
+to	PART
+note	VERB
+the	DET
+uneasiness	NOUN
+of	ADP
+McCartney	PROPN
+when	ADV
+he	PRON
+sings	VERB
+:	PUNCT
+"	PUNCT
+I	PRON
+'ve	AUX
+got	VERB
+a	DET
+feeling	NOUN
+,	PUNCT
+a	DET
+feeling	NOUN
+I	PRON
+ca	AUX
+n't	PART
+hide	VERB
+...	PUNCT
+"	PUNCT
+in	ADP
+front	NOUN
+of	ADP
+Yoko	PROPN
+in	ADP
+the	DET
+film	NOUN
+.	PUNCT
+
+(	PUNCT
+He	PRON
+already	ADV
+had	VERB
+the	DET
+traumas	NOUN
+that	PRON
+his	PRON
+previous	ADJ
+girlfriend	NOUN
+Jane	PROPN
+Asher	PROPN
+had	AUX
+caused	VERB
+him	PRON
+when	ADV
+she	PRON
+made	VERB
+him	PRON
+aware	ADJ
+of	ADP
+his	PRON
+little	ADJ
+manliness	NOUN
+and	CCONJ
+effeminate	ADJ
+manners	NOUN
+)	PUNCT
+.	PUNCT
+
+Paul	PROPN
+has	VERB
+such	DET
+a	DET
+big	ADJ
+inferiority	NOUN
+complex	NOUN
+as	ADP
+a	DET
+man	NOUN
+,	PUNCT
+due	ADP
+to	ADP
+his	PRON
+effeminate	ADJ
+face	NOUN
+,	PUNCT
+body	NOUN
+and	CCONJ
+personality	NOUN
+and	CCONJ
+due	ADP
+to	ADP
+his	PRON
+repressed	VERB
+homosexuality	NOUN
+,	PUNCT
+that	SCONJ
+he	PRON
+found	VERB
+himself	PRON
+a	DET
+handicapped	ADJ
+woman	NOUN
+with	ADP
+only	ADV
+one	NUM
+leg	NOUN
+,	PUNCT
+so	SCONJ
+that	SCONJ
+he	PRON
+could	AUX
+stand	VERB
+out	ADP
+,	PUNCT
+being	AUX
+very	ADV
+conscious	ADJ
+that	SCONJ
+a	DET
+full	ADJ
+woman	NOUN
+would	AUX
+make	VERB
+him	PRON
+feel	VERB
+the	DET
+superiority	NOUN
+of	ADP
+virile	ADJ
+men	NOUN
+again	ADV
+,	PUNCT
+as	SCONJ
+Jane	PROPN
+and	CCONJ
+Linda	PROPN
+did	VERB
+.	PUNCT
+
+This	PRON
+is	AUX
+something	PRON
+that	PRON
+his	PRON
+ego	NOUN
+trip	NOUN
+of	ADP
+lucky	ADJ
+bad	ADJ
+musician	NOUN
+could	AUX
+not	PART
+face	VERB
+anymore	ADV
+....	PUNCT
+
+He	PRON
+is	AUX
+very	ADV
+conscious	ADJ
+that	SCONJ
+money	NOUN
+and	CCONJ
+fame	NOUN
+can	AUX
+not	PART
+buy	VERB
+virility	NOUN
+and	CCONJ
+manliness	NOUN
+.	PUNCT
+
+Besides	SCONJ
+being	AUX
+a	DET
+murderer	NOUN
+,	PUNCT
+John	PROPN
+Lennon	PROPN
+had	VERB
+sexual	ADJ
+intercourse	NOUN
+with	ADP
+homosexual	NOUN
+Brian	PROPN
+Epstein	PROPN
+to	PART
+get	VERB
+him	PRON
+interested	ADJ
+in	SCONJ
+going	VERB
+to	PART
+see	VERB
+the	DET
+band	NOUN
+at	ADP
+the	DET
+Cavern	PROPN
+,	PUNCT
+trauma	NOUN
+from	ADP
+which	PRON
+he	PRON
+never	ADV
+recovered	VERB
+.	PUNCT
+
+Because	ADP
+of	ADP
+the	DET
+trauma	NOUN
+that	PRON
+his	PRON
+homosexual	ADJ
+relation	NOUN
+with	ADP
+Brian	PROPN
+Epstein	PROPN
+had	AUX
+left	VERB
+him	PRON
+,	PUNCT
+he	PRON
+made	VERB
+lyrics	NOUN
+such	ADJ
+as	ADP
+:	PUNCT
+"	PUNCT
+You	PRON
+can	AUX
+wear	VERB
+a	DET
+collar	NOUN
+and	CCONJ
+a	DET
+tie	NOUN
+,	PUNCT
+one	NUM
+thing	NOUN
+you	PRON
+ca	AUX
+n't	PART
+hide	VERB
+is	AUX
+when	ADV
+you	PRON
+'re	AUX
+crippled	ADJ
+inside	ADV
+"	PUNCT
+and	CCONJ
+gave	VERB
+declarations	NOUN
+to	ADP
+the	DET
+"	PUNCT
+Rolling	PROPN
+Stone	PROPN
+"	PUNCT
+magazine	NOUN
+saying	VERB
+that	SCONJ
+"	PUNCT
+sometimes	ADV
+he	PRON
+wore	VERB
+Texan	ADJ
+boots	NOUN
+to	PART
+feel	VERB
+more	ADV
+secure	ADJ
+as	ADP
+a	DET
+man	NOUN
+"	PUNCT
+.	PUNCT
+
+The	DET
+Beatles	PROPN
+are	AUX
+very	ADV
+well	ADV
+known	VERB
+by	ADP
+people	NOUN
+close	ADJ
+to	ADP
+them	PRON
+for	ADP
+their	PRON
+arrogance	NOUN
+and	CCONJ
+racism	NOUN
+.	PUNCT
+
+One	NUM
+of	ADP
+the	DET
+manifestations	NOUN
+of	ADP
+their	PRON
+racism	NOUN
+is	AUX
+the	DET
+rejection	NOUN
+towards	ADP
+Japanese	ADJ
+Yoko	PROPN
+Ono	PROPN
+.	PUNCT
+
+That	DET
+rejection	NOUN
+got	VERB
+to	ADP
+the	DET
+point	NOUN
+that	ADV
+George	PROPN
+Harrison	PROPN
+kicked	VERB
+Yoko	PROPN
+Ono	PROPN
+in	ADP
+the	DET
+Apple	PROPN
+studios	NOUN
+during	ADP
+the	DET
+filming	NOUN
+of	SCONJ
+Let	VERB
+it	PRON
+Be	VERB
+.	PUNCT
+
+When	ADV
+John	PROPN
+asked	VERB
+George	PROPN
+while	SCONJ
+they	PRON
+were	AUX
+having	VERB
+lunch	NOUN
+about	SCONJ
+how	ADV
+things	NOUN
+were	AUX
+going	VERB
+for	ADP
+Paul	PROPN
+after	ADP
+his	PRON
+separation	NOUN
+from	ADP
+the	DET
+Beatles	PROPN
+and	CCONJ
+George	PROPN
+replied	VERB
+that	SCONJ
+he	PRON
+was	AUX
+number	NOUN
+one	NUM
+in	ADP
+the	DET
+Swedish	ADJ
+hit	NOUN
+parade	NOUN
+,	PUNCT
+John	PROPN
+said	VERB
+in	ADP
+a	DET
+despective	ADJ
+manner	NOUN
+:	PUNCT
+"	PUNCT
+ah	INTJ
+!!	PUNCT
+..	PUNCT
+in	ADP
+Sweden	PROPN
+..	PUNCT
+"	PUNCT
+,	PUNCT
+as	SCONJ
+if	SCONJ
+Sweden	PROPN
+was	AUX
+an	DET
+inferior	ADJ
+place	NOUN
+or	CCONJ
+something	PRON
+alike	ADJ
+.	PUNCT
+
+In	ADP
+the	DET
+Beatles	PROPN
+'	PART
+song	NOUN
+"	PUNCT
+Get	VERB
+Back	ADV
+"	PUNCT
+they	PRON
+advise	VERB
+black	ADJ
+Joe	PROPN
+to	PART
+"	PUNCT
+get	VERB
+back	ADV
+to	SCONJ
+where	ADV
+you	PRON
+once	ADV
+belonged	VERB
+"	PUNCT
+,	PUNCT
+as	SCONJ
+if	SCONJ
+England	PROPN
+was	AUX
+not	PART
+a	DET
+place	NOUN
+for	ADP
+black	ADJ
+people	NOUN
+.	PUNCT
+
+Sometimes	ADV
+back	ADV
+,	PUNCT
+Paul	PROPN
+told	VERB
+George	PROPN
+in	ADP
+the	DET
+Apple	PROPN
+offices	NOUN
+that	SCONJ
+the	DET
+new	ADJ
+generations	NOUN
+are	AUX
+a	DET
+bundle	NOUN
+of	ADP
+idiots	NOUN
+and	CCONJ
+useless	ADJ
+people	NOUN
+,	PUNCT
+but	CCONJ
+in	ADP
+any	DET
+way	NOUN
+they	PRON
+would	AUX
+have	AUX
+also	ADV
+been	AUX
+slaves	NOUN
+of	ADP
+the	DET
+Beatles	PROPN
+.	PUNCT
+
+The	DET
+Jewish	ADJ
+marriage	NOUN
+living	VERB
+to	ADP
+the	DET
+right	NOUN
+of	ADP
+George	PROPN
+'s	PART
+house	NOUN
+said	VERB
+that	SCONJ
+he	PRON
+is	AUX
+an	DET
+arrogant	ADJ
+person	NOUN
+who	PRON
+does	AUX
+never	ADV
+return	VERB
+a	DET
+greeting	NOUN
+.	PUNCT
+
+The	DET
+newly	ADV
+married	VERB
+couple	NOUN
+living	VERB
+on	ADP
+the	DET
+corner	NOUN
+in	ADP
+front	NOUN
+of	ADP
+the	DET
+entrance	NOUN
+of	ADP
+George	PROPN
+'s	PART
+house	NOUN
+(	PUNCT
+Friar	PROPN
+Park	PROPN
+)	PUNCT
+refers	VERB
+to	ADP
+him	PRON
+as	ADP
+an	DET
+overbearing	ADJ
+person	NOUN
+to	PART
+stay	VERB
+away	ADV
+from	ADP
+.	PUNCT
+
+The	DET
+receptionist	NOUN
+of	ADP
+"	PUNCT
+Hand	PROPN
+made	PROPN
+"	PUNCT
+,	PUNCT
+the	DET
+former	ADJ
+film	NOUN
+making	NOUN
+company	NOUN
+of	ADP
+George	PROPN
+Harrison	PROPN
+said	VERB
+:	PUNCT
+"	PUNCT
+we	PRON
+do	AUX
+n't	PART
+have	VERB
+any	DET
+relation	NOUN
+with	ADP
+that	DET
+man	NOUN
+anymore	ADV
+and	CCONJ
+we	PRON
+do	AUX
+n't	PART
+want	VERB
+to	PART
+know	VERB
+anything	PRON
+about	ADP
+him	PRON
+"	PUNCT
+.	PUNCT
+
+It	PRON
+is	AUX
+interesting	ADJ
+to	PART
+note	VERB
+that	SCONJ
+this	DET
+company	NOUN
+was	AUX
+made	VERB
+bankrupt	ADJ
+by	ADP
+the	DET
+British	ADJ
+cinema	NOUN
+industry	NOUN
+due	ADP
+to	ADP
+the	DET
+despotism	NOUN
+and	CCONJ
+pedantry	NOUN
+of	ADP
+George	PROPN
+Harrison	PROPN
+,	PUNCT
+who	PRON
+believed	VERB
+that	SCONJ
+the	DET
+cinema	NOUN
+industry	NOUN
+would	AUX
+have	AUX
+worshiped	VERB
+him	PRON
+.	PUNCT
+
+Their	PRON
+chauvinisms	NOUN
+got	VERB
+to	ADP
+the	DET
+point	NOUN
+that	ADV
+even	ADV
+they	PRON
+themselves	PRON
+hated	VERB
+each	DET
+other	ADJ
+.	PUNCT
+
+Paul	PROPN
+McCartney	PROPN
+said	VERB
+that	SCONJ
+George	PROPN
+Harrison	PROPN
+is	AUX
+a	DET
+nothing	PRON
+.	PUNCT
+
+George	PROPN
+Harrison	PROPN
+said	VERB
+that	SCONJ
+he	PRON
+is	AUX
+tired	ADJ
+of	SCONJ
+listening	VERB
+to	SCONJ
+people	NOUN
+talk	VERB
+about	ADP
+John	PROPN
+Lennon	PROPN
+....	PUNCT
+
+George	PROPN
+Harrison	PROPN
+said	VERB
+in	ADP
+a	DET
+video	NOUN
+that	SCONJ
+"	PUNCT
+Oasis	PROPN
+is	AUX
+a	DET
+very	ADV
+untalented	ADJ
+band	NOUN
+and	CCONJ
+they	PRON
+should	AUX
+n't	PART
+be	AUX
+playing	VERB
+at	ADV
+all	ADV
+"	PUNCT
+,	PUNCT
+all	DET
+of	ADP
+it	PRON
+being	AUX
+the	DET
+truth	NOUN
+,	PUNCT
+but	CCONJ
+the	DET
+Beatles	PROPN
+is	AUX
+also	ADV
+a	DET
+band	NOUN
+of	ADP
+very	ADV
+poor	ADJ
+musicians	NOUN
+,	PUNCT
+if	SCONJ
+musicians	NOUN
+at	ADV
+all	ADV
+,	PUNCT
+who	PRON
+could	AUX
+only	ADV
+play	VERB
+a	DET
+couple	NOUN
+of	ADP
+elementary	ADJ
+guitar	NOUN
+chords	NOUN
+and	CCONJ
+who	PRON
+are	AUX
+as	ADV
+untalented	ADJ
+as	ADP
+Oasis	PROPN
+.	PUNCT
+
+The	DET
+Beatles	PROPN
+of	ADP
+the	DET
+times	NOUN
+of	ADP
+the	DET
+"	PUNCT
+Cavern	PROPN
+"	PUNCT
+sounded	VERB
+exactly	ADV
+as	ADV
+poorly	ADV
+as	ADP
+Oasis	PROPN
+and	CCONJ
+the	DET
+little	ADJ
+musical	ADJ
+quality	NOUN
+in	ADP
+the	DET
+songs	NOUN
+of	ADP
+the	DET
+Beatles	PROPN
+is	AUX
+due	ADP
+to	ADP
+George	PROPN
+Martin	PROPN
+.	PUNCT
+
+Without	ADP
+George	PROPN
+Martin	PROPN
+the	DET
+Beatles	PROPN
+would	AUX
+have	AUX
+been	AUX
+just	ADV
+another	DET
+untalented	ADJ
+band	NOUN
+as	ADP
+Oasis	PROPN
+....	PUNCT
+
+Paul	PROPN
+McCartney	PROPN
+said	VERB
+recently	ADV
+that	SCONJ
+he	PRON
+believes	VERB
+in	SCONJ
+using	VERB
+magic	NOUN
+,	PUNCT
+and	CCONJ
+he	PRON
+does	VERB
+lots	NOUN
+of	ADP
+charity	NOUN
+,	PUNCT
+thinking	VERB
+that	SCONJ
+in	ADP
+this	DET
+way	NOUN
+he	PRON
+will	AUX
+compensate	VERB
+for	ADP
+the	DET
+CURSE	NOUN
+OF	ADP
+GOD	PROPN
+that	PRON
+is	AUX
+upon	ADP
+him	PRON
+and	CCONJ
+that	PRON
+took	VERB
+his	PRON
+wife	NOUN
+'s	PART
+life	NOUN
+because	ADP
+of	ADP
+his	PRON
+Satanism	PROPN
+and	CCONJ
+involvement	NOUN
+in	ADP
+black	ADJ
+magic	NOUN
+.	PUNCT
+
+He	PRON
+thinks	VERB
+he	PRON
+will	AUX
+deceive	VERB
+people	NOUN
+in	ADP
+this	DET
+way	NOUN
+,	PUNCT
+so	SCONJ
+that	SCONJ
+the	DET
+real	ADJ
+McCartney	PROPN
+will	AUX
+not	PART
+be	AUX
+perceived	VERB
+.	PUNCT
+
+Is	VERB
+the	DET
+old	ADJ
+Devil	PROPN
+attempting	VERB
+to	PART
+disguise	VERB
+as	ADP
+good	ADJ
+in	ADP
+front	NOUN
+of	ADP
+people	NOUN
+.	PUNCT
+
+Satan	PROPN
+deceiving	VERB
+mankind	NOUN
+once	ADV
+again	ADV
+,	PUNCT
+as	SCONJ
+so	ADV
+many	ADJ
+other	ADJ
+thousands	NOUN
+of	ADP
+times	NOUN
+through	ADP
+the	DET
+centuries	NOUN
+....	PUNCT
+
+After	SCONJ
+the	DET
+Devil	PROPN
+began	VERB
+his	PRON
+devastating	ADJ
+job	NOUN
+from	ADP
+the	DET
+ghostly	ADJ
+"	PUNCT
+Devil	PROPN
+'s	PART
+Island	PROPN
+"	PUNCT
+through	ADP
+his	PRON
+nine	NUM
+main	ADJ
+puppets	NOUN
+(	PUNCT
+Beatles	PROPN
+-	PUNCT
+Rolling	PROPN
+Stones	PROPN
+)	PUNCT
+,	PUNCT
+he	PRON
+possessed	VERB
+an	DET
+endless	ADJ
+amount	NOUN
+of	ADP
+other	ADJ
+schizophrenic	ADJ
+bad	ADJ
+musician	NOUN
+in	ADP
+the	DET
+afore	X
+mentioned	ADJ
+Island	NOUN
+and	CCONJ
+weakening	VERB
+their	PRON
+conscience	NOUN
+with	ADP
+drugs	NOUN
+,	PUNCT
+he	PRON
+made	VERB
+them	PRON
+proclaimers	NOUN
+of	ADP
+homosexuality	NOUN
+,	PUNCT
+aversion	NOUN
+to	ADP
+religion	NOUN
+,	PUNCT
+destruction	NOUN
+of	ADP
+family	NOUN
+values	NOUN
+,	PUNCT
+dissipation	NOUN
+,	PUNCT
+mental	ADJ
+illness	NOUN
+,	PUNCT
+antisocialism	NOUN
+,	PUNCT
+etc.	X
+,	PUNCT
+etc.	X
+,	PUNCT
+
+The	DET
+fact	NOUN
+that	SCONJ
+bad	ADJ
+apprentice	NOUN
+musicians	NOUN
+such	ADJ
+as	ADP
+the	DET
+Beatles	PROPN
+and	CCONJ
+the	DET
+Rolling	PROPN
+Stones	PROPN
+achieved	VERB
+such	DET
+a	DET
+giant	ADJ
+fame	NOUN
+that	PRON
+not	PART
+even	ADV
+the	DET
+real	ADJ
+quality	ADJ
+musicians	NOUN
+could	AUX
+achieve	VERB
+,	PUNCT
+was	VERB
+because	SCONJ
+the	DET
+forces	NOUN
+of	ADP
+Satan	PROPN
+were	AUX
+behind	ADP
+everything	PRON
+,	PUNCT
+supporting	VERB
+the	DET
+process	NOUN
+.	PUNCT
+
+This	DET
+mentally	ADV
+ill	ADJ
+humanity	NOUN
+,	PUNCT
+destroyed	VERB
+families	NOUN
+,	PUNCT
+twisted	ADJ
+moral	ADJ
+values	NOUN
+,	PUNCT
+manifest	ADJ
+or	CCONJ
+repressed	ADJ
+homosexuality	NOUN
+in	ADP
+human	ADJ
+beings	NOUN
+,	PUNCT
+anti	X
+natural	ADJ
+feminism	NOUN
+rebellion	NOUN
+,	PUNCT
+drug	NOUN
+addiction	NOUN
+,	PUNCT
+corrupt	ADJ
+social	ADJ
+outlines	NOUN
+,	PUNCT
+mad	ADJ
+youths	NOUN
+without	ADP
+direction	NOUN
+,	PUNCT
+non	X
+respect	NOUN
+to	ADP
+hierarchies	NOUN
+,	PUNCT
+convulsed	VERB
+nations	NOUN
+,	PUNCT
+misanthropy	NOUN
+,	PUNCT
+misogyny	NOUN
+,	PUNCT
+paedophilia	NOUN
+,	PUNCT
+irrational	ADJ
+and	CCONJ
+feeble	ADJ
+lasciviousness	NOUN
+and	CCONJ
+all	DET
+other	ADJ
+type	NOUN
+of	ADP
+existent	ADJ
+aberrations	NOUN
+,	PUNCT
+are	AUX
+due	ADP
+to	ADP
+the	DET
+vast	ADJ
+manoeuvre	NOUN
+that	PRON
+Satan	PROPN
+executed	VERB
+through	ADP
+his	PRON
+main	ADJ
+marionettes	NOUN
+the	DET
+Beatles	PROPN
+and	CCONJ
+the	DET
+Rolling	PROPN
+Stones	PROPN
+,	PUNCT
+from	ADP
+the	DET
+Devil	PROPN
+'s	PART
+Island	PROPN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+wonder	VERB
+why	ADV
+there	PRON
+is	VERB
+misery	NOUN
+and	CCONJ
+curse	NOUN
+in	ADP
+your	PRON
+house	NOUN
+,	PUNCT
+it	PRON
+is	VERB
+because	SCONJ
+you	PRON
+own	VERB
+some	DET
+L.P	NOUN
+,	PUNCT
+CD	NOUN
+or	CCONJ
+another	DET
+article	NOUN
+related	ADJ
+to	ADP
+the	DET
+CURSED	VERB
+BY	ADP
+GOD	PROPN
+Beatles	PROPN
+and	CCONJ
+Rolling	PROPN
+Stones	PROPN
+.	PUNCT
+
+We	PRON
+recommend	VERB
+you	PRON
+to	PART
+take	VERB
+that	DET
+curse	NOUN
+out	ADP
+of	ADP
+your	PRON
+house	NOUN
+throwing	VERB
+away	ADP
+everything	PRON
+related	ADJ
+to	ADP
+the	DET
+Devil	PROPN
+'s	PART
+main	ADJ
+nine	NUM
+puppets	NOUN
+....	PUNCT
+
+You	PRON
+have	AUX
+been	AUX
+warned	VERB
+...	PUNCT
+
+THE	DET
+HIGH	ADJ
+COURT	NOUN
+.	PUNCT
+
+(	PUNCT
+The	DET
+Five	NUM
+Judges	NOUN
+)	PUNCT
+
+For	ADP
+the	DET
+sake	NOUN
+of	ADP
+mankind	NOUN
+,	PUNCT
+you	PRON
+should	AUX
+email	VERB
+our	PRON
+verdict	NOUN
+to	ADP
+your	PRON
+friends	NOUN
+.	PUNCT
+
+Email	NOUN
+:	PUNCT
+yamwhatiyam	PROPN
+<	PUNCT
+pop...@spinach.eat	X
+>	PUNCT
+
+Groups	NOUN
+:	PUNCT
+alt.consumers	NOUN
+,	PUNCT
+ba.consumers	NOUN
+,	PUNCT
+misc.consumers	NOUN
+,	PUNCT
+misc.consumers.frugal-living	NOUN
+
+Attack	NOUN
+on	ADP
+Iran	PROPN
+:	PUNCT
+A	DET
+Looming	VERB
+Folly	NOUN
+
+By	ADP
+William	PROPN
+Rivers	PROPN
+Pitt	PROPN
+
+t	X
+r	X
+u	X
+t	X
+h	X
+o	X
+u	X
+t	NOUN
+|	PUNCT
+Perspective	NOUN
+
+Monday	PROPN
+09	NUM
+January	PROPN
+2006	NUM
+
+The	DET
+wires	NOUN
+have	AUX
+been	AUX
+humming	VERB
+since	ADP
+before	ADP
+the	DET
+New	NOUN
+Year	NOUN
+with	ADP
+reports	NOUN
+that	SCONJ
+the	DET
+Bush	PROPN
+administration	NOUN
+is	AUX
+planning	VERB
+an	DET
+attack	NOUN
+on	ADP
+Iran	PROPN
+.	PUNCT
+
+"	PUNCT
+The	DET
+Bush	PROPN
+administration	NOUN
+is	AUX
+preparing	VERB
+its	PRON
+NATO	PROPN
+allies	NOUN
+for	ADP
+a	DET
+possible	ADJ
+military	ADJ
+strike	NOUN
+against	ADP
+suspected	VERB
+nuclear	ADJ
+sites	NOUN
+in	ADP
+Iran	PROPN
+in	ADP
+the	DET
+New	PROPN
+Year	PROPN
+,	PUNCT
+according	VERB
+to	ADP
+German	ADJ
+media	NOUN
+reports	NOUN
+,	PUNCT
+reinforcing	VERB
+similar	ADJ
+earlier	ADJ
+suggestions	NOUN
+in	ADP
+the	DET
+Turkish	ADJ
+media	NOUN
+,	PUNCT
+"	PUNCT
+reported	VERB
+UPI	PROPN
+on	ADP
+December	PROPN
+30th	NOUN
+.	PUNCT
+
+"	PUNCT
+The	DET
+Berlin	PROPN
+daily	ADJ
+Der	PROPN
+Tagesspiegel	PROPN
+this	DET
+week	NOUN
+,	PUNCT
+"	PUNCT
+continued	VERB
+UPI	PROPN
+,	PUNCT
+"	PUNCT
+quoted	VERB
+'	PUNCT
+NATO	PROPN
+intelligence	NOUN
+sources	NOUN
+'	PUNCT
+who	PRON
+claimed	VERB
+that	SCONJ
+the	DET
+NATO	PROPN
+allies	NOUN
+had	AUX
+been	AUX
+informed	VERB
+that	SCONJ
+the	DET
+United	PROPN
+States	PROPN
+is	AUX
+currently	ADV
+investigating	VERB
+all	DET
+possibilities	NOUN
+of	SCONJ
+bringing	VERB
+the	DET
+mullah	NOUN
+-	PUNCT
+led	VERB
+regime	NOUN
+into	ADP
+line	NOUN
+,	PUNCT
+including	VERB
+military	ADJ
+options	NOUN
+.	PUNCT
+
+This	DET
+'	PUNCT
+all	DET
+options	NOUN
+are	AUX
+open	ADJ
+'	PUNCT
+line	NOUN
+has	AUX
+been	AUX
+President	PROPN
+George	PROPN
+W	PROPN
+Bush	PROPN
+'s	PART
+publicly	ADV
+stated	VERB
+policy	NOUN
+throughout	ADP
+the	DET
+past	ADJ
+18	NUM
+months	NOUN
+.	PUNCT
+"	PUNCT
+
+An	DET
+examination	NOUN
+of	ADP
+the	DET
+ramifications	NOUN
+of	ADP
+such	DET
+an	DET
+attack	NOUN
+is	AUX
+desperately	ADV
+in	ADP
+order	NOUN
+.	PUNCT
+
+1	X
+.	PUNCT
+Blowback	NOUN
+in	ADP
+Iraq	PROPN
+
+The	DET
+recent	ADJ
+elections	NOUN
+in	ADP
+Iraq	PROPN
+were	AUX
+dominated	VERB
+by	ADP
+an	DET
+amalgam	NOUN
+of	ADP
+religiously	ADV
+fundamentalist	ADJ
+Shi'ite	ADJ
+organizations	NOUN
+,	PUNCT
+principally	ADV
+the	DET
+Dawa	PROPN
+Party	PROPN
+and	CCONJ
+the	DET
+Supreme	PROPN
+Council	PROPN
+for	ADP
+Islamic	PROPN
+Revolution	PROPN
+in	ADP
+Iraq	PROPN
+(	PUNCT
+SCIRI	PROPN
+)	PUNCT
+.	PUNCT
+
+Both	CCONJ
+Dawa	PROPN
+and	CCONJ
+SCIRI	PROPN
+have	VERB
+umbilical	ADJ
+connections	NOUN
+to	ADP
+the	DET
+fundamentalist	ADJ
+Shi'ite	ADJ
+leadership	NOUN
+in	ADP
+Iran	PROPN
+that	PRON
+go	VERB
+back	ADV
+decades	NOUN
+.	PUNCT
+
+In	ADP
+essence	NOUN
+,	PUNCT
+Iran	PROPN
+now	ADV
+owns	VERB
+a	DET
+significant	ADJ
+portion	NOUN
+of	ADP
+the	DET
+Iraqi	ADJ
+government	NOUN
+.	PUNCT
+
+Should	AUX
+the	DET
+United	PROPN
+States	PROPN
+undertake	VERB
+military	ADJ
+action	NOUN
+against	ADP
+Iran	PROPN
+,	PUNCT
+the	DET
+ramifications	NOUN
+in	ADP
+Iraq	PROPN
+would	AUX
+be	AUX
+immediate	ADJ
+and	CCONJ
+extreme	ADJ
+.	PUNCT
+
+In	ADP
+the	DET
+first	ADJ
+eight	NUM
+days	NOUN
+of	ADP
+January	PROPN
+,	PUNCT
+eighteen	NUM
+US	PROPN
+troops	NOUN
+have	AUX
+been	AUX
+killed	VERB
+in	ADP
+Iraq	PROPN
+,	PUNCT
+compounded	VERB
+by	ADP
+another	DET
+twelve	NUM
+deaths	NOUN
+from	ADP
+a	DET
+Black	PROPN
+Hawk	PROPN
+helicopter	NOUN
+crash	NOUN
+on	ADP
+Saturday	PROPN
+.	PUNCT
+
+Much	ADJ
+of	ADP
+the	DET
+violence	NOUN
+aimed	VERB
+at	ADP
+American	ADJ
+forces	NOUN
+is	AUX
+coming	VERB
+from	ADP
+disgruntled	ADJ
+Sunni	ADJ
+factions	NOUN
+that	PRON
+have	VERB
+their	PRON
+own	ADJ
+militias	NOUN
+,	PUNCT
+believe	VERB
+the	DET
+last	ADJ
+elections	NOUN
+were	AUX
+a	DET
+sham	NOUN
+,	PUNCT
+and	CCONJ
+hold	VERB
+little	ADJ
+political	ADJ
+power	NOUN
+in	ADP
+the	DET
+government	NOUN
+.	PUNCT
+
+If	SCONJ
+the	DET
+US	PROPN
+attacks	VERB
+Iran	PROPN
+,	PUNCT
+it	PRON
+is	AUX
+probable	ADJ
+that	SCONJ
+American	ADJ
+forces	NOUN
+-	PUNCT
+already	ADV
+taxed	VERB
+by	ADP
+attacks	NOUN
+from	ADP
+Sunni	ADJ
+factions	NOUN
+-	PUNCT
+will	AUX
+also	ADV
+face	VERB
+reprisal	NOUN
+attacks	NOUN
+in	ADP
+Iraq	PROPN
+from	ADP
+Shi'ite	ADJ
+factions	NOUN
+loyal	ADJ
+to	ADP
+Iran	PROPN
+.	PUNCT
+
+The	DET
+result	NOUN
+will	AUX
+be	AUX
+a	DET
+dramatic	ADJ
+escalation	NOUN
+in	ADP
+US	PROPN
+and	CCONJ
+civilian	ADJ
+casualties	NOUN
+,	PUNCT
+US	PROPN
+forces	NOUN
+will	AUX
+be	AUX
+required	VERB
+to	PART
+bunker	VERB
+themselves	PRON
+further	ADV
+into	ADP
+their	PRON
+bases	NOUN
+,	PUNCT
+and	CCONJ
+US	PROPN
+forces	NOUN
+will	AUX
+find	VERB
+themselves	PRON
+required	VERB
+to	PART
+fight	VERB
+the	DET
+very	ADJ
+government	NOUN
+they	PRON
+just	ADV
+finished	VERB
+helping	VERB
+into	ADP
+power	NOUN
+.	PUNCT
+
+Iraq	PROPN
+,	PUNCT
+already	ADV
+a	DET
+seething	VERB
+cauldron	NOUN
+,	PUNCT
+will	AUX
+sink	VERB
+further	ADV
+into	ADP
+chaos	NOUN
+.	PUNCT
+
+2	X
+.	PUNCT
+Iran	PROPN
+'s	PART
+Armaments	NOUN
+
+Unlike	ADP
+Iraq	PROPN
+,	PUNCT
+Iran	PROPN
+has	AUX
+not	PART
+spent	VERB
+the	DET
+last	ADJ
+fifteen	NUM
+years	NOUN
+having	VERB
+its	PRON
+conventional	ADJ
+forces	NOUN
+worn	VERB
+down	ADP
+by	ADP
+grueling	ADJ
+sanctions	NOUN
+,	PUNCT
+repeated	VERB
+attacks	NOUN
+,	PUNCT
+and	CCONJ
+two	NUM
+American	ADJ
+-	PUNCT
+led	VERB
+wars	NOUN
+.	PUNCT
+
+While	SCONJ
+Iran	PROPN
+'s	PART
+conventional	ADJ
+army	NOUN
+is	AUX
+not	PART
+what	PRON
+it	PRON
+was	AUX
+during	ADP
+the	DET
+heyday	NOUN
+of	ADP
+the	DET
+Iran	PROPN
+-	PUNCT
+Iraq	PROPN
+war	NOUN
+-	PUNCT
+their	PRON
+armaments	NOUN
+have	AUX
+deteriorated	VERB
+and	CCONJ
+the	DET
+veterans	NOUN
+of	ADP
+that	DET
+last	ADJ
+war	NOUN
+have	AUX
+retired	VERB
+-	PUNCT
+the	DET
+nation	NOUN
+enjoys	VERB
+substantial	ADJ
+military	ADJ
+strength	NOUN
+nonetheless	ADV
+.	PUNCT
+
+According	VERB
+to	ADP
+a	DET
+report	NOUN
+issued	VERB
+by	ADP
+the	DET
+Center	PROPN
+for	ADP
+Strategic	PROPN
+and	CCONJ
+International	PROPN
+Studies	PROPN
+in	ADP
+December	PROPN
+of	ADP
+2004	NUM
+,	PUNCT
+Iran	PROPN
+"	PUNCT
+has	VERB
+some	DET
+540,000	NUM
+men	NOUN
+under	ADP
+arms	NOUN
+and	CCONJ
+over	ADV
+350,000	NUM
+reserves	NOUN
+.	PUNCT
+
+They	PRON
+include	VERB
+120,000	NUM
+Iranian	PROPN
+Revolutionary	PROPN
+Guards	PROPN
+trained	VERB
+for	ADP
+land	NOUN
+and	CCONJ
+naval	ADJ
+asymmetrical	ADJ
+warfare	NOUN
+.	PUNCT
+
+Iran	PROPN
+'s	PART
+military	NOUN
+also	ADV
+includes	VERB
+holdings	NOUN
+of	ADP
+1,613	NUM
+main	ADJ
+battle	NOUN
+tanks	NOUN
+,	PUNCT
+21,600	NUM
+other	ADJ
+armored	ADJ
+fighting	NOUN
+vehicles	NOUN
+,	PUNCT
+3,200	NUM
+artillery	NOUN
+weapons	NOUN
+,	PUNCT
+306	NUM
+combat	NOUN
+aircraft	NOUN
+,	PUNCT
+60	NUM
+attack	NOUN
+helicopters	NOUN
+,	PUNCT
+3	NUM
+submarines	NOUN
+,	PUNCT
+59	NUM
+surface	NOUN
+combatants	NOUN
+,	PUNCT
+and	CCONJ
+10	NUM
+amphibious	ADJ
+ships	NOUN
+.	PUNCT
+"	PUNCT
+
+"	PUNCT
+Iran	PROPN
+is	AUX
+now	ADV
+the	DET
+only	ADJ
+regional	ADJ
+military	ADJ
+power	NOUN
+that	PRON
+poses	VERB
+a	DET
+significant	ADJ
+conventional	ADJ
+military	ADJ
+threat	NOUN
+to	ADP
+Gulf	PROPN
+stability	NOUN
+,	PUNCT
+"	PUNCT
+continued	VERB
+the	DET
+CSIS	PROPN
+report	NOUN
+.	PUNCT
+
+"	PUNCT
+Iran	PROPN
+has	VERB
+significant	ADJ
+capabilities	NOUN
+for	ADP
+asymmetric	ADJ
+warfare	NOUN
+,	PUNCT
+and	CCONJ
+poses	VERB
+the	DET
+additional	ADJ
+threat	NOUN
+of	ADP
+proliferation	NOUN
+.	PUNCT
+
+There	PRON
+is	VERB
+considerable	ADJ
+evidence	NOUN
+that	SCONJ
+it	PRON
+is	AUX
+developing	VERB
+both	CCONJ
+a	DET
+long	ADJ
+-	PUNCT
+range	NOUN
+missile	NOUN
+force	NOUN
+and	CCONJ
+a	DET
+range	NOUN
+of	ADP
+weapons	NOUN
+of	ADP
+mass	ADJ
+destruction	NOUN
+.	PUNCT
+
+It	PRON
+has	AUX
+never	ADV
+properly	ADV
+declared	VERB
+its	PRON
+holdings	NOUN
+of	ADP
+chemical	ADJ
+weapons	NOUN
+,	PUNCT
+and	CCONJ
+the	DET
+status	NOUN
+of	ADP
+its	PRON
+biological	ADJ
+weapons	NOUN
+programs	NOUN
+is	AUX
+unknown	ADJ
+.	PUNCT
+"	PUNCT
+
+A	DET
+MILNET	PROPN
+brief	NOUN
+issued	VERB
+in	ADP
+February	PROPN
+2005	NUM
+reports	VERB
+,	PUNCT
+"	PUNCT
+Due	ADP
+to	ADP
+its	PRON
+position	NOUN
+astride	ADP
+the	DET
+Persian	PROPN
+Gulf	PROPN
+,	PUNCT
+Iran	PROPN
+has	AUX
+constantly	ADV
+been	AUX
+a	DET
+threat	NOUN
+to	ADP
+the	DET
+Gulf	NOUN
+.	PUNCT
+
+The	DET
+so	ADV
+called	VERB
+'	PUNCT
+Tanker	NOUN
+'	PUNCT
+wars	NOUN
+in	ADP
+the	DET
+late	ADJ
+1980s	NOUN
+put	VERB
+Iran	PROPN
+squarely	ADV
+in	ADP
+the	DET
+bullseye	NOUN
+of	ADP
+all	DET
+nations	NOUN
+seeking	VERB
+to	PART
+transport	VERB
+oil	NOUN
+out	ADP
+of	ADP
+the	DET
+region	NOUN
+.	PUNCT
+
+Even	ADV
+the	DET
+small	ADJ
+navy	NOUN
+that	PRON
+Iran	PROPN
+puts	VERB
+to	ADP
+sea	NOUN
+is	AUX
+capable	ADJ
+enough	ADV
+to	PART
+harass	VERB
+shipping	NOUN
+,	PUNCT
+and	CCONJ
+several	ADJ
+cases	NOUN
+of	ADP
+small	ADJ
+boat	NOUN
+operations	NOUN
+against	ADP
+oil	NOUN
+well	NOUN
+heads	NOUN
+in	ADP
+the	DET
+Gulf	NOUN
+during	ADP
+that	DET
+period	NOUN
+made	VERB
+it	PRON
+clear	ADJ
+small	ADJ
+asymmetrical	ADJ
+tactics	NOUN
+of	ADP
+the	DET
+Iranian	ADJ
+Navy	NOUN
+could	AUX
+be	AUX
+quite	ADV
+effective	ADJ
+.	PUNCT
+"	PUNCT
+
+"	PUNCT
+More	ADV
+concerning	ADJ
+,	PUNCT
+"	PUNCT
+continued	VERB
+the	DET
+MILNET	PROPN
+brief	NOUN
+,	PUNCT
+"	PUNCT
+is	AUX
+the	DET
+priority	NOUN
+placed	VERB
+on	SCONJ
+expanding	VERB
+and	CCONJ
+modernizing	VERB
+its	PRON
+Navy	NOUN
+.	PUNCT
+
+The	DET
+CSIS	PROPN
+report	NOUN
+cites	VERB
+numerous	ADJ
+areas	NOUN
+where	ADV
+Iran	PROPN
+has	AUX
+funded	VERB
+modernization	NOUN
+including	VERB
+the	DET
+most	ADV
+troublesome	ADJ
+aspect	NOUN
+,	PUNCT
+anti-shipping	ADJ
+cruise	NOUN
+missiles	NOUN
+:	PUNCT
+'	PUNCT
+Iran	PROPN
+has	AUX
+obtained	VERB
+new	ADJ
+anti-ship	ADJ
+missiles	NOUN
+and	CCONJ
+missile	NOUN
+patrol	NOUN
+craft	NOUN
+from	ADP
+China	PROPN
+,	PUNCT
+midget	NOUN
+submarines	NOUN
+from	ADP
+North	PROPN
+Korea	PROPN
+,	PUNCT
+submarines	NOUN
+from	ADP
+Russia	PROPN
+,	PUNCT
+and	CCONJ
+modern	ADJ
+mines	NOUN
+.	PUNCT
+'	PUNCT
+"	PUNCT
+
+It	PRON
+is	AUX
+Iran	PROPN
+'s	PART
+missile	NOUN
+armaments	NOUN
+that	PRON
+pose	VERB
+the	DET
+greatest	ADJ
+concern	NOUN
+for	ADP
+American	ADJ
+forces	NOUN
+in	ADP
+the	DET
+Gulf	NOUN
+,	PUNCT
+especially	ADV
+for	ADP
+the	DET
+US	PROPN
+Navy	PROPN
+.	PUNCT
+
+Iran	PROPN
+'s	PART
+coast	NOUN
+facing	VERB
+the	DET
+Persian	PROPN
+Gulf	PROPN
+is	AUX
+a	DET
+looming	VERB
+wall	NOUN
+of	ADP
+mountains	NOUN
+that	PRON
+look	VERB
+down	ADV
+upon	ADP
+any	DET
+naval	ADJ
+forces	NOUN
+arrayed	VERB
+in	ADP
+those	DET
+waters	NOUN
+.	PUNCT
+
+The	DET
+Gulf	NOUN
+itself	PRON
+only	ADV
+has	VERB
+one	NUM
+exit	NOUN
+,	PUNCT
+the	DET
+Strait	PROPN
+of	ADP
+Hormuz	PROPN
+,	PUNCT
+which	PRON
+is	AUX
+also	ADV
+dominated	VERB
+by	ADP
+the	DET
+mountainous	ADJ
+Iranian	ADJ
+coastline	NOUN
+.	PUNCT
+
+In	ADP
+essence	NOUN
+,	PUNCT
+Iran	PROPN
+holds	VERB
+the	DET
+high	ADJ
+ground	NOUN
+in	ADP
+the	DET
+Gulf	NOUN
+.	PUNCT
+
+Missile	NOUN
+batteries	NOUN
+arrayed	VERB
+in	ADP
+those	DET
+mountains	NOUN
+could	AUX
+raise	VERB
+bloody	ADJ
+havoc	NOUN
+with	ADP
+any	DET
+fleet	NOUN
+deployed	VERB
+below	ADV
+.	PUNCT
+
+Of	ADP
+all	DET
+the	DET
+missiles	NOUN
+in	ADP
+Iran	PROPN
+'s	PART
+armament	NOUN
+,	PUNCT
+the	DET
+most	ADV
+dangerous	ADJ
+is	AUX
+the	DET
+Russian	ADJ
+-	PUNCT
+made	VERB
+SS	PROPN
+-	PUNCT
+N	PROPN
+-	PUNCT
+22	PROPN
+Sunburn	PROPN
+.	PUNCT
+
+These	DET
+missiles	NOUN
+are	AUX
+,	PUNCT
+simply	ADV
+,	PUNCT
+the	DET
+fastest	ADJ
+anti-ship	ADJ
+weapons	NOUN
+on	ADP
+the	DET
+planet	NOUN
+.	PUNCT
+
+The	DET
+Sunburn	PROPN
+can	AUX
+reach	VERB
+Mach	PROPN
+3	NUM
+at	ADP
+high	ADJ
+altitude	NOUN
+.	PUNCT
+
+Its	PRON
+maximum	ADJ
+low	ADJ
+-	PUNCT
+altitude	NOUN
+speed	NOUN
+is	AUX
+Mach	NOUN
+2.2	NUM
+,	PUNCT
+some	DET
+three	NUM
+times	NOUN
+faster	ADJ
+than	ADP
+the	DET
+American	ADJ
+-	PUNCT
+made	VERB
+Harpoon	PROPN
+.	PUNCT
+
+The	DET
+Sunburn	PROPN
+takes	VERB
+two	NUM
+short	ADJ
+minutes	NOUN
+to	PART
+cover	VERB
+its	PRON
+full	ADJ
+range	NOUN
+.	PUNCT
+
+The	DET
+missile	NOUN
+'s	PART
+manufacturers	NOUN
+state	VERB
+that	SCONJ
+one	NUM
+or	CCONJ
+two	NUM
+missiles	NOUN
+could	AUX
+cripple	VERB
+a	DET
+destroyer	NOUN
+,	PUNCT
+and	CCONJ
+five	NUM
+missiles	NOUN
+could	AUX
+sink	VERB
+a	DET
+20,000	NUM
+ton	NOUN
+ship	NOUN
+.	PUNCT
+
+The	DET
+Sunburn	PROPN
+is	AUX
+also	ADV
+superior	ADJ
+to	ADP
+the	DET
+Exocet	PROPN
+missile	NOUN
+.	PUNCT
+
+Recall	VERB
+that	SCONJ
+it	PRON
+was	AUX
+two	NUM
+Exocets	PROPN
+that	PRON
+ripped	VERB
+the	DET
+USS	PROPN
+Stark	PROPN
+to	ADP
+shreds	NOUN
+in	ADP
+1987	NUM
+,	PUNCT
+killing	VERB
+37	NUM
+sailors	NOUN
+.	PUNCT
+
+The	DET
+Stark	PROPN
+could	AUX
+not	PART
+see	VERB
+them	PRON
+to	PART
+stop	VERB
+them	PRON
+.	PUNCT
+
+The	DET
+US	PROPN
+aircraft	NOUN
+carrier	NOUN
+Theodore	PROPN
+Roosevelt	PROPN
+is	AUX
+currently	ADV
+deployed	VERB
+in	ADP
+the	DET
+Persian	PROPN
+Gulf	PROPN
+,	PUNCT
+with	ADP
+some	DET
+7,000	NUM
+souls	NOUN
+aboard	ADV
+.	PUNCT
+
+Sailing	VERB
+with	ADP
+the	DET
+Roosevelt	PROPN
+is	VERB
+the	DET
+Tarawa	PROPN
+Expeditionary	PROPN
+Strike	PROPN
+Force	PROPN
+,	PUNCT
+which	PRON
+includes	VERB
+the	DET
+USS	PROPN
+Tarawa	PROPN
+,	PUNCT
+the	DET
+USS	PROPN
+Austin	PROPN
+,	PUNCT
+and	CCONJ
+the	DET
+USS	PROPN
+Pearl	PROPN
+Harbor	PROPN
+.	PUNCT
+
+The	DET
+USS	PROPN
+Austin	PROPN
+is	AUX
+likewise	ADV
+deployed	VERB
+in	ADP
+the	DET
+Gulf	NOUN
+.	PUNCT
+
+The	DET
+Sunburn	PROPN
+missile	NOUN
+,	PUNCT
+with	ADP
+its	PRON
+incredible	ADJ
+speed	NOUN
+and	CCONJ
+ability	NOUN
+to	PART
+avoid	VERB
+radar	NOUN
+detection	NOUN
+,	PUNCT
+would	AUX
+do	VERB
+terrible	ADJ
+damage	NOUN
+these	DET
+ships	NOUN
+if	SCONJ
+Iran	PROPN
+chooses	VERB
+to	PART
+retaliate	VERB
+in	ADP
+the	DET
+Gulf	NOUN
+after	ADP
+an	DET
+American	ADJ
+attack	NOUN
+within	ADP
+its	PRON
+borders	NOUN
+.	PUNCT
+
+Beyond	ADP
+the	DET
+naval	ADJ
+threat	NOUN
+is	AUX
+the	DET
+possibility	NOUN
+of	SCONJ
+Iran	PROPN
+throwing	VERB
+its	PRON
+military	ADJ
+muscle	NOUN
+into	ADP
+the	DET
+ongoing	ADJ
+struggle	NOUN
+in	ADP
+Iraq	PROPN
+.	PUNCT
+
+Currently	ADV
+,	PUNCT
+the	DET
+US	PROPN
+is	AUX
+facing	VERB
+an	DET
+asymmetrical	ADJ
+attack	NOUN
+from	ADP
+groups	NOUN
+wielding	VERB
+small	ADJ
+arms	NOUN
+,	PUNCT
+shoulder	NOUN
+-	PUNCT
+fired	VERB
+grenades	NOUN
+and	CCONJ
+roadside	NOUN
+bombs	NOUN
+.	PUNCT
+
+The	DET
+vaunted	ADJ
+American	ADJ
+military	NOUN
+has	AUX
+suffered	VERB
+2,210	NUM
+deaths	NOUN
+and	CCONJ
+tens	NOUN
+of	ADP
+thousands	NOUN
+of	ADP
+wounded	ADJ
+from	ADP
+this	DET
+form	NOUN
+of	ADP
+warfare	NOUN
+.	PUNCT
+
+The	DET
+occupation	NOUN
+of	ADP
+Iraq	PROPN
+has	AUX
+become	VERB
+a	DET
+guerrilla	NOUN
+war	NOUN
+,	PUNCT
+a	DET
+siege	NOUN
+that	PRON
+has	AUX
+lasted	VERB
+more	ADJ
+than	ADP
+a	DET
+thousand	NUM
+days	NOUN
+.	PUNCT
+
+If	SCONJ
+Iran	PROPN
+decides	VERB
+to	PART
+throw	VERB
+any	DET
+or	CCONJ
+all	DET
+of	ADP
+its	PRON
+23,000	NUM
+armored	ADJ
+fighting	NOUN
+vehicles	NOUN
+,	PUNCT
+along	ADP
+with	ADP
+any	DET
+or	CCONJ
+all	DET
+of	ADP
+its	PRON
+nearly	ADV
+million	NUM
+-	PUNCT
+strong	ADJ
+army	NOUN
+,	PUNCT
+into	ADP
+the	DET
+Iraq	PROPN
+fray	NOUN
+,	PUNCT
+the	DET
+situation	NOUN
+in	ADP
+the	DET
+Middle	PROPN
+East	PROPN
+could	AUX
+become	VERB
+unspeakably	ADV
+dire	ADJ
+.	PUNCT
+
+3	X
+.	PUNCT
+The	DET
+Syrian	ADJ
+Connection	NOUN
+
+In	ADP
+February	PROPN
+of	ADP
+2005	NUM
+,	PUNCT
+Iran	PROPN
+and	CCONJ
+Syria	PROPN
+agreed	VERB
+upon	ADP
+a	DET
+mutual	ADJ
+protection	NOUN
+pact	NOUN
+to	PART
+combat	VERB
+"	PUNCT
+challenges	NOUN
+and	CCONJ
+threats	NOUN
+"	PUNCT
+in	ADP
+the	DET
+region	NOUN
+.	PUNCT
+
+This	PRON
+was	AUX
+a	DET
+specific	ADJ
+reaction	NOUN
+to	ADP
+the	DET
+American	ADJ
+invasion	NOUN
+of	ADP
+Iraq	PROPN
+,	PUNCT
+and	CCONJ
+a	DET
+reaction	NOUN
+to	ADP
+America	PROPN
+'s	PART
+condemnation	NOUN
+of	ADP
+Syria	PROPN
+after	ADP
+the	DET
+death	NOUN
+of	ADP
+Lebanese	ADJ
+Prime	PROPN
+Minister	PROPN
+Rafik	PROPN
+Hariri	PROPN
+,	PUNCT
+which	PRON
+was	AUX
+widely	ADV
+seen	VERB
+as	ADP
+an	DET
+assassination	NOUN
+ordered	VERB
+from	ADP
+Damascus	PROPN
+.	PUNCT
+
+An	DET
+attack	NOUN
+on	ADP
+Iran	PROPN
+would	AUX
+trigger	VERB
+this	DET
+mutual	ADJ
+defense	NOUN
+pact	NOUN
+,	PUNCT
+and	CCONJ
+could	AUX
+conceivably	ADV
+bring	VERB
+Syria	PROPN
+into	ADP
+direct	ADJ
+conflict	NOUN
+with	ADP
+American	ADJ
+forces	NOUN
+.	PUNCT
+
+Like	ADP
+Iran	PROPN
+,	PUNCT
+Syria	PROPN
+'s	PART
+military	NOUN
+is	AUX
+nothing	PRON
+to	PART
+scoff	VERB
+at	ADP
+.	PUNCT
+
+Virtually	ADV
+every	DET
+credible	ADJ
+analysis	NOUN
+has	VERB
+Syria	PROPN
+standing	VERB
+as	ADP
+the	DET
+strongest	ADJ
+military	ADJ
+force	NOUN
+in	ADP
+the	DET
+Middle	PROPN
+East	PROPN
+after	ADP
+Israel	PROPN
+.	PUNCT
+
+Damascus	PROPN
+has	AUX
+been	AUX
+intent	NOUN
+for	ADP
+years	NOUN
+upon	SCONJ
+establishing	VERB
+significant	ADJ
+military	ADJ
+strength	NOUN
+to	PART
+serve	VERB
+as	ADP
+a	DET
+counterweight	NOUN
+to	ADP
+Israel	PROPN
+'s	PART
+overwhelming	ADJ
+capabilities	NOUN
+.	PUNCT
+
+As	ADP
+of	ADP
+2002	NUM
+,	PUNCT
+Syria	PROPN
+had	VERB
+some	DET
+215,000	NUM
+soldiers	NOUN
+under	ADP
+arms	NOUN
+,	PUNCT
+4,700	NUM
+tanks	NOUN
+,	PUNCT
+and	CCONJ
+a	DET
+massive	ADJ
+artillery	NOUN
+capability	NOUN
+.	PUNCT
+
+The	DET
+Syrian	ADJ
+Air	PROPN
+Force	PROPN
+is	AUX
+comprised	VERB
+of	ADP
+ten	NUM
+to	ADP
+eleven	NUM
+fighter	NOUN
+/	PUNCT
+attack	NOUN
+squadrons	NOUN
+and	CCONJ
+sixteen	NUM
+fighter	NOUN
+squadrons	NOUN
+,	PUNCT
+totaling	VERB
+somewhere	ADV
+near	ADP
+650	NUM
+aircraft	NOUN
+.	PUNCT
+
+Syria	PROPN
+also	ADV
+possesses	VERB
+one	NUM
+of	ADP
+the	DET
+largest	ADJ
+arsenals	NOUN
+of	ADP
+ballistic	ADJ
+missiles	NOUN
+in	ADP
+the	DET
+region	NOUN
+,	PUNCT
+comprised	VERB
+primarily	ADV
+of	ADP
+SCUD	PROPN
+-	PUNCT
+derived	VERB
+systems	NOUN
+.	PUNCT
+
+Iran	PROPN
+,	PUNCT
+North	PROPN
+Korea	PROPN
+and	CCONJ
+China	PROPN
+have	AUX
+been	AUX
+willing	ADJ
+providers	NOUN
+of	ADP
+state	NOUN
+-	PUNCT
+of	ADP
+-	PUNCT
+the	DET
+-	PUNCT
+art	NOUN
+technologies	NOUN
+.	PUNCT
+
+Compounding	VERB
+this	PRON
+is	VERB
+the	DET
+well	ADV
+-	PUNCT
+based	VERB
+suspicion	NOUN
+that	SCONJ
+Syria	PROPN
+has	VERB
+perhaps	ADV
+the	DET
+most	ADV
+advanced	ADJ
+chemical	ADJ
+weapons	NOUN
+capability	NOUN
+in	ADP
+the	DET
+Persian	PROPN
+Gulf	PROPN
+.	PUNCT
+
+4	X
+.	PUNCT
+China	PROPN
+and	CCONJ
+the	DET
+US	PROPN
+Economy	NOUN
+
+While	SCONJ
+the	DET
+ominous	ADJ
+possibilities	NOUN
+of	ADP
+heightened	VERB
+Iraqi	ADJ
+chaos	NOUN
+,	PUNCT
+missiles	NOUN
+in	ADP
+the	DET
+Gulf	NOUN
+,	PUNCT
+and	CCONJ
+Syrian	ADJ
+involvement	NOUN
+loom	VERB
+large	ADJ
+if	SCONJ
+the	DET
+US	PROPN
+attacks	VERB
+Iran	PROPN
+,	PUNCT
+all	DET
+pale	VERB
+in	ADP
+comparison	NOUN
+to	ADP
+the	DET
+involvement	NOUN
+of	ADP
+China	PROPN
+in	ADP
+any	DET
+US	PROPN
+/	PUNCT
+Iran	PROPN
+engagement	NOUN
+.	PUNCT
+
+China	PROPN
+'s	PART
+economy	NOUN
+is	AUX
+exploding	VERB
+,	PUNCT
+hampered	VERB
+only	ADV
+by	ADP
+their	PRON
+great	ADJ
+thirst	NOUN
+for	ADP
+petroleum	NOUN
+and	CCONJ
+natural	ADJ
+gas	NOUN
+to	PART
+fuel	VERB
+their	PRON
+industry	NOUN
+.	PUNCT
+
+In	ADP
+the	DET
+last	ADJ
+several	ADJ
+months	NOUN
+,	PUNCT
+China	PROPN
+has	AUX
+inked	VERB
+deals	NOUN
+with	ADP
+Iran	PROPN
+for	ADP
+$	SYM
+70	NUM
+billion	NUM
+dollars	NOUN
+worth	NOUN
+of	ADP
+Iranian	ADJ
+oil	NOUN
+and	CCONJ
+natural	ADJ
+gas	NOUN
+.	PUNCT
+
+China	PROPN
+will	AUX
+purchase	VERB
+250	NUM
+million	NUM
+tons	NOUN
+of	ADP
+liquefied	VERB
+natural	ADJ
+gas	NOUN
+from	ADP
+Iran	PROPN
+over	ADP
+the	DET
+next	ADJ
+30	NUM
+years	NOUN
+,	PUNCT
+will	AUX
+develop	VERB
+the	DET
+massive	ADJ
+Yadavaran	PROPN
+oil	NOUN
+field	NOUN
+in	ADP
+Iran	PROPN
+,	PUNCT
+and	CCONJ
+will	AUX
+receive	VERB
+150,000	NUM
+barrels	NOUN
+of	ADP
+oil	NOUN
+per	ADP
+day	NOUN
+from	ADP
+that	DET
+field	NOUN
+.	PUNCT
+
+China	PROPN
+is	AUX
+seeking	VERB
+the	DET
+construction	NOUN
+of	ADP
+a	DET
+pipeline	NOUN
+from	ADP
+Iran	PROPN
+to	ADP
+the	DET
+Caspian	PROPN
+Sea	PROPN
+,	PUNCT
+where	ADV
+it	PRON
+would	AUX
+link	VERB
+with	ADP
+another	DET
+planned	VERB
+pipeline	NOUN
+running	VERB
+from	ADP
+Kazakhstan	PROPN
+to	ADP
+China	PROPN
+.	PUNCT
+
+Any	DET
+US	PROPN
+attack	NOUN
+on	ADP
+Iran	PROPN
+could	AUX
+be	AUX
+perceived	VERB
+by	ADP
+China	PROPN
+as	ADP
+a	DET
+direct	ADJ
+threat	NOUN
+to	ADP
+its	PRON
+economic	ADJ
+health	NOUN
+.	PUNCT
+
+Further	ADV
+,	PUNCT
+any	DET
+fighting	NOUN
+in	ADP
+the	DET
+Persian	PROPN
+Gulf	PROPN
+would	AUX
+imperil	VERB
+the	DET
+tankers	NOUN
+running	VERB
+China	PROPN
+'s	PART
+liquefied	VERB
+natural	ADJ
+gas	NOUN
+through	ADP
+the	DET
+Strait	PROPN
+of	ADP
+Hormuz	PROPN
+.	PUNCT
+
+Should	AUX
+China	PROPN
+decide	VERB
+to	PART
+retaliate	VERB
+against	ADP
+the	DET
+US	PROPN
+to	PART
+defend	VERB
+its	PRON
+oil	NOUN
+and	CCONJ
+natural	ADJ
+gas	NOUN
+deal	NOUN
+with	ADP
+Iran	PROPN
+,	PUNCT
+the	DET
+US	PROPN
+would	AUX
+be	AUX
+faced	VERB
+with	ADP
+a	DET
+significant	ADJ
+threat	NOUN
+.	PUNCT
+
+This	DET
+threat	NOUN
+exists	VERB
+not	PART
+merely	ADV
+on	ADP
+a	DET
+military	ADJ
+level	NOUN
+,	PUNCT
+though	SCONJ
+China	PROPN
+could	AUX
+force	VERB
+a	DET
+confrontation	NOUN
+in	ADP
+the	DET
+Pacific	PROPN
+by	ADP
+way	NOUN
+of	ADP
+Taiwan	PROPN
+.	PUNCT
+
+More	ADV
+significantly	ADV
+,	PUNCT
+China	PROPN
+holds	VERB
+a	DET
+large	ADJ
+portion	NOUN
+of	ADP
+the	DET
+American	ADJ
+economy	NOUN
+in	ADP
+the	DET
+palm	NOUN
+of	ADP
+its	PRON
+hand	NOUN
+.	PUNCT
+
+Paul	PROPN
+Craig	PROPN
+Roberts	PROPN
+,	PUNCT
+writing	VERB
+for	ADP
+The	DET
+American	PROPN
+Conservative	PROPN
+,	PUNCT
+said	VERB
+in	ADP
+July	PROPN
+of	ADP
+2005	NUM
+that	SCONJ
+"	PUNCT
+As	ADP
+a	DET
+result	NOUN
+of	ADP
+many	ADJ
+years	NOUN
+of	ADP
+persistent	ADJ
+trade	NOUN
+surpluses	NOUN
+with	ADP
+the	DET
+United	PROPN
+States	PROPN
+,	PUNCT
+the	DET
+Japanese	ADJ
+government	NOUN
+holds	VERB
+dollar	NOUN
+reserves	NOUN
+of	ADP
+approximately	ADV
+$	SYM
+1	NUM
+trillion	NUM
+.	PUNCT
+
+China	PROPN
+'s	PART
+accumulation	NOUN
+of	ADP
+dollars	NOUN
+is	AUX
+approximately	ADV
+$	SYM
+600	NUM
+billion	NUM
+.	PUNCT
+
+South	PROPN
+Korea	PROPN
+holds	VERB
+about	ADV
+$	SYM
+200	NUM
+billion	NUM
+.	PUNCT
+
+These	DET
+sums	NOUN
+give	VERB
+these	DET
+countries	NOUN
+enormous	ADJ
+leverage	NOUN
+over	ADP
+the	DET
+United	PROPN
+States	PROPN
+.	PUNCT
+
+By	SCONJ
+dumping	VERB
+some	DET
+portion	NOUN
+of	ADP
+their	PRON
+reserves	NOUN
+,	PUNCT
+these	DET
+countries	NOUN
+could	AUX
+put	VERB
+the	DET
+dollar	NOUN
+under	ADP
+intense	ADJ
+pressure	NOUN
+and	CCONJ
+send	VERB
+U.S.	PROPN
+interest	NOUN
+rates	NOUN
+skyrocketing	VERB
+.	PUNCT
+
+Washington	PROPN
+would	AUX
+really	ADV
+have	VERB
+to	PART
+anger	VERB
+Japan	PROPN
+and	CCONJ
+Korea	PROPN
+to	PART
+provoke	VERB
+such	ADJ
+action	NOUN
+,	PUNCT
+but	CCONJ
+in	ADP
+a	DET
+showdown	NOUN
+with	ADP
+China	PROPN
+-	PUNCT
+over	ADP
+Taiwan	PROPN
+,	PUNCT
+for	ADP
+example	NOUN
+-	PUNCT
+China	PROPN
+holds	VERB
+the	DET
+cards	NOUN
+.	PUNCT
+
+China	PROPN
+and	CCONJ
+Japan	PROPN
+,	PUNCT
+and	CCONJ
+the	DET
+world	NOUN
+at	ADP
+large	ADJ
+,	PUNCT
+have	VERB
+more	ADJ
+dollar	NOUN
+reserves	NOUN
+than	SCONJ
+they	PRON
+require	VERB
+.	PUNCT
+
+They	PRON
+would	AUX
+have	VERB
+no	DET
+problem	NOUN
+teaching	VERB
+a	DET
+hegemonic	ADJ
+superpower	NOUN
+a	DET
+lesson	NOUN
+if	SCONJ
+the	DET
+need	NOUN
+arose	VERB
+.	PUNCT
+"	PUNCT
+
+"	PUNCT
+The	DET
+hardest	ADJ
+blow	NOUN
+on	ADP
+Americans	PROPN
+,	PUNCT
+"	PUNCT
+concluded	VERB
+Roberts	PROPN
+,	PUNCT
+"	PUNCT
+will	AUX
+fall	VERB
+when	ADV
+China	PROPN
+does	AUX
+revalue	VERB
+its	PRON
+currency	NOUN
+.	PUNCT
+
+When	ADV
+China	PROPN
+'s	PART
+currency	NOUN
+ceases	VERB
+to	PART
+be	AUX
+undervalued	VERB
+,	PUNCT
+American	ADJ
+shoppers	NOUN
+in	ADP
+Wal	PROPN
+-	PUNCT
+Mart	PROPN
+,	PUNCT
+where	ADV
+70	NUM
+percent	NOUN
+of	ADP
+the	DET
+goods	NOUN
+on	ADP
+the	DET
+shelves	NOUN
+are	AUX
+made	VERB
+in	ADP
+China	PROPN
+,	PUNCT
+will	AUX
+think	VERB
+they	PRON
+are	AUX
+in	ADP
+Neiman	PROPN
+Marcus	PROPN
+.	PUNCT
+
+Price	NOUN
+increases	NOUN
+will	AUX
+cause	VERB
+a	DET
+dramatic	ADJ
+reduction	NOUN
+in	ADP
+American	ADJ
+real	ADJ
+incomes	NOUN
+.	PUNCT
+
+If	SCONJ
+this	PRON
+coincides	VERB
+with	ADP
+rising	VERB
+interest	NOUN
+rates	NOUN
+and	CCONJ
+a	DET
+setback	NOUN
+in	ADP
+the	DET
+housing	NOUN
+market	NOUN
+,	PUNCT
+American	ADJ
+consumers	NOUN
+will	AUX
+experience	VERB
+the	DET
+hardest	ADJ
+times	NOUN
+since	ADP
+the	DET
+Great	PROPN
+Depression	PROPN
+.	PUNCT
+"	PUNCT
+
+In	ADP
+short	ADJ
+,	PUNCT
+China	PROPN
+has	VERB
+the	DET
+American	ADJ
+economy	NOUN
+by	ADP
+the	DET
+throat	NOUN
+.	PUNCT
+
+Should	AUX
+they	PRON
+decide	VERB
+to	PART
+squeeze	VERB
+,	PUNCT
+we	PRON
+will	AUX
+all	ADV
+feel	VERB
+it	PRON
+.	PUNCT
+
+China	PROPN
+'s	PART
+strong	ADJ
+hand	NOUN
+in	ADP
+this	PRON
+even	ADV
+extends	VERB
+to	ADP
+the	DET
+diplomatic	ADJ
+realm	NOUN
+;	PUNCT
+China	PROPN
+is	AUX
+a	DET
+permanent	ADJ
+member	NOUN
+of	ADP
+the	DET
+United	PROPN
+Nations	PROPN
+Security	PROPN
+Council	PROPN
+,	PUNCT
+and	CCONJ
+could	AUX
+veto	VERB
+any	DET
+actions	NOUN
+against	ADP
+Iran	PROPN
+proposed	VERB
+by	ADP
+the	DET
+United	PROPN
+States	PROPN
+.	PUNCT
+
+5	X
+.	PUNCT
+American	ADJ
+Preparedness	NOUN
+
+American	ADJ
+citizens	NOUN
+have	AUX
+for	ADP
+decades	NOUN
+taken	VERB
+it	PRON
+as	ADP
+a	DET
+given	NOUN
+that	SCONJ
+our	PRON
+military	NOUN
+can	AUX
+overwhelm	VERB
+and	CCONJ
+overcome	VERB
+any	DET
+foe	NOUN
+on	ADP
+the	DET
+battlefield	NOUN
+.	PUNCT
+
+The	DET
+rapid	ADJ
+victory	NOUN
+during	ADP
+the	DET
+first	ADJ
+Gulf	PROPN
+War	PROPN
+cemented	VERB
+this	DET
+perception	NOUN
+.	PUNCT
+
+The	DET
+last	ADJ
+three	NUM
+years	NOUN
+of	ADP
+the	DET
+Iraq	PROPN
+occupation	NOUN
+,	PUNCT
+however	ADV
+,	PUNCT
+have	AUX
+sapped	VERB
+this	DET
+confidence	NOUN
+.	PUNCT
+
+Worse	ADV
+,	PUNCT
+the	DET
+occupation	NOUN
+has	AUX
+done	VERB
+great	ADJ
+damage	NOUN
+to	ADP
+the	DET
+strength	NOUN
+of	ADP
+the	DET
+American	ADJ
+military	NOUN
+,	PUNCT
+justifying	VERB
+the	DET
+decrease	NOUN
+in	ADP
+confidence	NOUN
+.	PUNCT
+
+Thanks	NOUN
+to	ADP
+repeated	VERB
+deployments	NOUN
+to	ADP
+Iraq	PROPN
+and	CCONJ
+Afghanistan	PROPN
+,	PUNCT
+recruiting	NOUN
+is	VERB
+at	ADP
+an	DET
+all	DET
+-	PUNCT
+time	NOUN
+low	NOUN
+.	PUNCT
+
+Soldiers	NOUN
+with	ADP
+vital	ADJ
+training	NOUN
+and	CCONJ
+know	NOUN
+-	PUNCT
+how	NOUN
+are	AUX
+refusing	VERB
+to	PART
+re-enlist	VERB
+.	PUNCT
+
+Across	ADP
+the	DET
+board	NOUN
+,	PUNCT
+the	DET
+American	ADJ
+military	NOUN
+is	AUX
+stretched	VERB
+to	ADP
+the	DET
+breaking	NOUN
+point	NOUN
+.	PUNCT
+
+Two	NUM
+vaunted	ADJ
+economists	NOUN
+-	PUNCT
+one	NUM
+a	DET
+Nobel	PROPN
+Prize	PROPN
+winner	NOUN
+and	CCONJ
+the	DET
+other	ADJ
+a	DET
+nationally	ADV
+renowned	ADJ
+budget	NOUN
+expert	NOUN
+-	PUNCT
+have	VERB
+analyzed	VERB
+the	DET
+data	NOUN
+at	ADP
+hand	NOUN
+and	CCONJ
+put	VERB
+a	DET
+price	NOUN
+tag	NOUN
+on	ADP
+the	DET
+Iraq	PROPN
+occupation	NOUN
+.	PUNCT
+
+According	VERB
+to	ADP
+Linda	PROPN
+Bilmes	PROPN
+of	ADP
+Harvard	PROPN
+and	CCONJ
+Nobel	PROPN
+Laureate	PROPN
+Joseph	PROPN
+E.	PROPN
+Stiglitz	PROPN
+of	ADP
+Columbia	PROPN
+University	PROPN
+,	PUNCT
+the	DET
+final	ADJ
+cost	NOUN
+of	ADP
+the	DET
+Iraq	PROPN
+occupation	NOUN
+will	AUX
+run	VERB
+between	ADP
+$	SYM
+1	NUM
+trillion	NUM
+and	CCONJ
+$	SYM
+2	NUM
+trillion	NUM
+,	PUNCT
+surpassing	VERB
+by	ADP
+orders	NOUN
+of	ADP
+magnitude	NOUN
+the	DET
+estimates	NOUN
+put	VERB
+forth	ADV
+by	ADP
+the	DET
+Bush	PROPN
+administration	NOUN
+.	PUNCT
+
+If	SCONJ
+an	DET
+engagement	NOUN
+with	ADP
+Iran	PROPN
+envelops	VERB
+our	PRON
+forces	NOUN
+in	ADP
+Iraq	PROPN
+,	PUNCT
+and	CCONJ
+comes	VERB
+to	PART
+involve	VERB
+Syria	PROPN
+,	PUNCT
+our	PRON
+economy	NOUN
+will	AUX
+likely	ADV
+shatter	VERB
+under	ADP
+the	DET
+strain	NOUN
+of	SCONJ
+fighting	VERB
+so	ADV
+many	ADJ
+countries	NOUN
+simultaneously	ADV
+.	PUNCT
+
+Add	VERB
+to	ADP
+this	PRON
+the	DET
+economic	ADJ
+threat	NOUN
+posed	VERB
+by	ADP
+China	PROPN
+,	PUNCT
+and	CCONJ
+the	DET
+economic	ADJ
+threat	NOUN
+implicit	ADJ
+in	ADP
+any	DET
+substantial	ADJ
+disruption	NOUN
+of	ADP
+the	DET
+distribution	NOUN
+of	ADP
+Mideast	PROPN
+petroleum	NOUN
+to	ADP
+the	DET
+globe	NOUN
+.	PUNCT
+
+If	SCONJ
+Iran	PROPN
+and	CCONJ
+Syria	PROPN
+-	PUNCT
+with	ADP
+their	PRON
+significant	ADJ
+armaments	NOUN
+,	PUNCT
+missile	NOUN
+technologies	NOUN
+and	CCONJ
+suspected	VERB
+chemical	ADJ
+weapons	NOUN
+capabilities	NOUN
+-	PUNCT
+decide	VERB
+to	PART
+engage	VERB
+with	ADP
+the	DET
+relatively	ADV
+undersized	ADJ
+US	PROPN
+force	NOUN
+in	ADP
+Iraq	PROPN
+,	PUNCT
+our	PRON
+troops	NOUN
+there	ADV
+will	AUX
+be	AUX
+fish	NOUN
+in	ADP
+a	DET
+barrel	NOUN
+.	PUNCT
+
+Iran	PROPN
+'s	PART
+position	NOUN
+over	ADP
+the	DET
+Gulf	NOUN
+would	AUX
+make	VERB
+resupply	NOUN
+by	ADP
+ship	NOUN
+and	CCONJ
+air	NOUN
+support	NOUN
+from	ADP
+carriers	NOUN
+a	DET
+dangerous	ADJ
+affair	NOUN
+.	PUNCT
+
+In	ADP
+the	DET
+worst	ADJ
+-	PUNCT
+case	NOUN
+scenario	NOUN
+,	PUNCT
+the	DET
+newly	ADV
+-	PUNCT
+minted	VERB
+American	ADJ
+order	NOUN
+of	ADP
+battle	NOUN
+requiring	VERB
+the	DET
+use	NOUN
+of	ADP
+nuclear	ADJ
+weapons	NOUN
+to	PART
+rescue	VERB
+a	DET
+surrounded	VERB
+and	CCONJ
+imperiled	VERB
+force	NOUN
+could	AUX
+come	VERB
+into	ADP
+play	NOUN
+,	PUNCT
+hurling	VERB
+the	DET
+entire	ADJ
+planet	NOUN
+into	ADP
+military	ADJ
+and	CCONJ
+diplomatic	ADJ
+bedlam	NOUN
+.	PUNCT
+
+Conclusion	NOUN
+:	PUNCT
+Is	AUX
+Any	DET
+of	ADP
+This	PRON
+Possible	ADJ
+?	PUNCT
+
+The	DET
+question	NOUN
+must	AUX
+be	AUX
+put	VERB
+as	ADV
+directly	ADV
+as	SCONJ
+possible	ADJ
+:	PUNCT
+what	DET
+manner	NOUN
+of	ADP
+maniac	NOUN
+would	AUX
+undertake	VERB
+a	DET
+path	NOUN
+so	ADV
+fraught	ADJ
+with	ADP
+peril	NOUN
+and	CCONJ
+potential	ADJ
+economic	ADJ
+catastrophe	NOUN
+?	PUNCT
+
+It	PRON
+is	AUX
+difficult	ADJ
+to	PART
+imagine	VERB
+a	DET
+justification	NOUN
+for	ADP
+any	DET
+action	NOUN
+that	PRON
+could	AUX
+envelop	VERB
+the	DET
+United	PROPN
+States	PROPN
+in	ADP
+a	DET
+military	ADJ
+and	CCONJ
+economic	ADJ
+conflict	NOUN
+with	ADP
+Iraq	PROPN
+,	PUNCT
+Iran	PROPN
+,	PUNCT
+Syria	PROPN
+and	CCONJ
+China	PROPN
+simultaneously	ADV
+.	PUNCT
+
+Iran	PROPN
+is	AUX
+suspected	VERB
+by	ADP
+many	ADJ
+nations	NOUN
+of	SCONJ
+working	VERB
+towards	ADP
+the	DET
+development	NOUN
+of	ADP
+nuclear	ADJ
+weapons	NOUN
+,	PUNCT
+but	CCONJ
+even	ADV
+this	DET
+justification	NOUN
+has	AUX
+been	AUX
+tossed	VERB
+into	ADP
+a	DET
+cocked	ADJ
+hat	NOUN
+.	PUNCT
+
+Recently	ADV
+,	PUNCT
+Russian	ADJ
+president	PROPN
+Vladimir	PROPN
+Putin	PROPN
+bluntly	ADV
+stated	VERB
+that	SCONJ
+Iran	PROPN
+is	AUX
+not	PART
+developing	VERB
+its	PRON
+nuclear	ADJ
+capability	NOUN
+for	ADP
+any	DET
+reasons	NOUN
+beyond	ADP
+peaceful	ADJ
+energy	NOUN
+creation	NOUN
+,	PUNCT
+and	CCONJ
+pledged	VERB
+to	PART
+continue	VERB
+assisting	VERB
+Iran	PROPN
+in	ADP
+this	DET
+endeavor	NOUN
+.	PUNCT
+
+Therefore	ADV
+,	PUNCT
+any	DET
+attack	NOUN
+upon	ADP
+Iran	PROPN
+'s	PART
+nuclear	ADJ
+facilities	NOUN
+will	AUX
+bring	VERB
+Russia	PROPN
+into	ADP
+the	DET
+mess	NOUN
+.	PUNCT
+
+Iran	PROPN
+also	ADV
+stands	VERB
+accused	VERB
+of	SCONJ
+aiding	VERB
+terrorism	NOUN
+across	ADP
+the	DET
+globe	NOUN
+.	PUNCT
+
+The	DET
+dangers	NOUN
+implicit	ADJ
+in	ADP
+any	DET
+attack	NOUN
+upon	ADP
+that	DET
+nation	NOUN
+,	PUNCT
+however	ADV
+,	PUNCT
+seem	VERB
+to	PART
+significantly	ADV
+offset	VERB
+whatever	DET
+gains	NOUN
+could	AUX
+be	AUX
+made	VERB
+in	ADP
+the	DET
+so	ADV
+-	PUNCT
+called	VERB
+"	PUNCT
+War	NOUN
+on	ADP
+Terror	NOUN
+.	PUNCT
+"	PUNCT
+
+Unfortunately	ADV
+,	PUNCT
+all	DET
+the	DET
+dangers	NOUN
+in	ADP
+the	DET
+world	NOUN
+are	AUX
+no	DET
+match	NOUN
+for	ADP
+the	DET
+self	NOUN
+-	PUNCT
+assurance	NOUN
+of	ADP
+a	DET
+bubble	NOUN
+-	PUNCT
+encased	VERB
+zealot	NOUN
+.	PUNCT
+
+What	DET
+manner	NOUN
+of	ADP
+maniac	NOUN
+would	AUX
+undertake	VERB
+such	DET
+a	DET
+dangerous	ADJ
+course	NOUN
+?	PUNCT
+
+Look	VERB
+no	ADV
+further	ADV
+than	ADP
+1600	NUM
+Pennsylvania	PROPN
+Avenue	PROPN
+.	PUNCT
+
+George	PROPN
+W.	PROPN
+Bush	PROPN
+and	CCONJ
+his	PRON
+administration	NOUN
+have	AUX
+consistently	ADV
+undertaken	VERB
+incredibly	ADV
+dangerous	ADJ
+courses	NOUN
+of	ADP
+action	NOUN
+in	ADP
+order	NOUN
+to	PART
+garner	VERB
+political	ADJ
+power	NOUN
+on	ADP
+the	DET
+home	NOUN
+front	NOUN
+.	PUNCT
+
+Recall	VERB
+the	DET
+multiple	ADJ
+terror	NOUN
+threats	NOUN
+lobbed	VERB
+out	ADV
+by	ADP
+the	DET
+administration	NOUN
+whenever	ADV
+damaging	ADJ
+political	ADJ
+news	NOUN
+appeared	VERB
+in	ADP
+the	DET
+media	NOUN
+.	PUNCT
+
+More	ADV
+significantly	ADV
+,	PUNCT
+recall	VERB
+Iraq	PROPN
+.	PUNCT
+
+Karl	PROPN
+Rove	PROPN
+,	PUNCT
+Bush	PROPN
+'s	PART
+most	ADV
+senior	ADJ
+advisor	NOUN
+,	PUNCT
+notoriously	ADV
+told	VERB
+Republicans	PROPN
+on	ADP
+the	DET
+ballot	NOUN
+during	ADP
+the	DET
+2002	NUM
+midterms	NOUN
+to	PART
+"	PUNCT
+run	VERB
+on	ADP
+the	DET
+war	NOUN
+.	PUNCT
+"	PUNCT
+
+The	DET
+invasion	NOUN
+of	ADP
+Iraq	PROPN
+provided	VERB
+marvelous	ADJ
+political	ADJ
+cover	NOUN
+for	ADP
+the	DET
+GOP	PROPN
+not	ADV
+only	ADV
+during	ADP
+those	DET
+midterms	NOUN
+,	PUNCT
+but	CCONJ
+during	ADP
+the	DET
+2004	NUM
+Presidential	ADJ
+election	NOUN
+.	PUNCT
+
+What	DET
+kind	NOUN
+of	ADP
+political	ADJ
+cover	NOUN
+would	AUX
+be	AUX
+gained	VERB
+from	ADP
+an	DET
+attack	NOUN
+on	ADP
+Iran	PROPN
+,	PUNCT
+and	CCONJ
+from	ADP
+the	DET
+diversion	NOUN
+of	ADP
+attention	NOUN
+to	ADP
+that	DET
+attack	NOUN
+?	PUNCT
+
+The	DET
+answer	NOUN
+lies	VERB
+in	ADP
+one	NUM
+now	ADV
+-	PUNCT
+familiar	ADJ
+name	NOUN
+:	PUNCT
+Jack	PROPN
+Abramoff	PROPN
+.	PUNCT
+
+The	DET
+Abramoff	PROPN
+scandal	NOUN
+threatens	VERB
+to	PART
+subsume	VERB
+all	DET
+the	DET
+hard	ADV
+-	PUNCT
+fought	VERB
+GOP	PROPN
+gains	NOUN
+in	ADP
+Congress	PROPN
+,	PUNCT
+and	CCONJ
+the	DET
+2006	NUM
+midterms	NOUN
+are	AUX
+less	ADJ
+than	ADP
+a	DET
+year	NOUN
+away	ADV
+.	PUNCT
+
+Is	AUX
+any	DET
+of	ADP
+this	PRON
+a	DET
+probability	NOUN
+?	PUNCT
+
+Logic	NOUN
+says	VERB
+no	INTJ
+,	PUNCT
+but	CCONJ
+logic	NOUN
+seldom	ADV
+plays	VERB
+any	DET
+part	NOUN
+in	ADP
+modern	ADJ
+American	ADJ
+politics	NOUN
+.	PUNCT
+
+All	DET
+arguments	NOUN
+that	SCONJ
+the	DET
+Bush	PROPN
+administration	NOUN
+would	AUX
+be	AUX
+insane	ADJ
+to	PART
+attack	VERB
+Iran	PROPN
+and	CCONJ
+risk	VERB
+a	DET
+global	ADJ
+conflagration	NOUN
+for	ADP
+the	DET
+sake	NOUN
+of	ADP
+political	ADJ
+cover	NOUN
+run	VERB
+into	ADP
+one	NUM
+unavoidable	ADJ
+truth	NOUN
+.	PUNCT
+
+They	PRON
+did	VERB
+it	PRON
+once	ADV
+already	ADV
+in	ADP
+Iraq	PROPN
+.	PUNCT
+
+By	ADP
+Graydon	PROPN
+Carter	PROPN
+(	PUNCT
+excepted	VERB
+from	ADP
+"	PUNCT
+What	PRON
+We	PRON
+'ve	AUX
+Lost	VERB
+"	PUNCT
+,	PUNCT
+published	VERB
+by	ADP
+Little	PROPN
+Brown	PROPN
+)	PUNCT
+
+68.4	NUM
+-	PUNCT
+Average	ADJ
+Number	NOUN
+of	ADP
+species	NOUN
+added	VERB
+to	ADP
+the	DET
+Endangered	ADJ
+and	CCONJ
+Threatened	ADJ
+Species	NOUN
+list	NOUN
+each	DET
+year	NOUN
+between	ADP
+1991	NUM
+and	CCONJ
+2000	NUM
+.	PUNCT
+
+0	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+endangered	ADJ
+species	NOUN
+voluntarily	ADV
+added	VERB
+by	ADP
+the	DET
+Bush	PROPN
+administration	NOUN
+since	SCONJ
+taking	VERB
+office	NOUN
+.	PUNCT
+
+408	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+species	NOUN
+that	PRON
+could	AUX
+be	AUX
+extinct	ADJ
+by	ADP
+2050	NUM
+if	SCONJ
+the	DET
+global	ADJ
+-	PUNCT
+warming	NOUN
+trend	NOUN
+continues	VERB
+.	PUNCT
+
+0	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+times	NOUN
+Bush	PROPN
+mentioned	VERB
+global	ADJ
+warming	NOUN
+,	PUNCT
+clean	ADJ
+air	NOUN
+,	PUNCT
+clean	ADJ
+water	NOUN
+,	PUNCT
+pollution	NOUN
+or	CCONJ
+environment	NOUN
+in	ADP
+his	PRON
+2004	NUM
+State	NOUN
+of	ADP
+the	DET
+Union	NOUN
+speech	NOUN
+.	PUNCT
+
+His	PRON
+father	NOUN
+was	AUX
+the	DET
+last	ADJ
+president	NOUN
+to	PART
+go	VERB
+through	ADP
+an	DET
+entire	ADJ
+State	NOUN
+of	ADP
+the	DET
+Union	NOUN
+address	NOUN
+without	SCONJ
+mentioning	VERB
+the	DET
+environment	NOUN
+.	PUNCT
+
+1	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+paragraphs	NOUN
+devoted	VERB
+to	ADP
+global	ADJ
+warming	NOUN
+in	ADP
+the	DET
+EPA	PROPN
+'s	PART
+600	NUM
+-	PUNCT
+page	NOUN
+"	PUNCT
+Draft	NOUN
+Report	NOUN
+on	ADP
+the	DET
+Environment	NOUN
+"	PUNCT
+presented	VERB
+in	ADP
+2003	NUM
+.	PUNCT
+
+68	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+days	NOUN
+after	SCONJ
+taking	VERB
+office	NOUN
+that	ADV
+Bush	PROPN
+decided	VERB
+Not	ADV
+to	PART
+ratify	VERB
+the	DET
+Kyoto	PROPN
+Protocol	PROPN
+,	PUNCT
+the	DET
+international	ADJ
+treaty	NOUN
+to	PART
+reduce	VERB
+greenhouse	NOUN
+gases	NOUN
+by	ADP
+roughly	ADV
+5.2	NUM
+per	NOUN
+cent	NOUN
+below	ADP
+1990	NUM
+levels	NOUN
+by	ADP
+2012	NUM
+.	PUNCT
+
+The	DET
+United	PROPN
+States	PROPN
+was	VERB
+to	PART
+cut	VERB
+its	PRON
+level	NOUN
+by	ADP
+7	NUM
+per	NOUN
+cent	NOUN
+.	PUNCT
+
+1	NUM
+The	DET
+rank	NOUN
+of	ADP
+the	DET
+United	PROPN
+States	PROPN
+worldwide	ADV
+in	ADP
+terms	NOUN
+of	ADP
+greenhouse	NOUN
+gas	NOUN
+emissions	NOUN
+.	PUNCT
+
+25	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+overall	ADJ
+worldwide	ADJ
+carbon	NOUN
+dioxide	NOUN
+emissions	NOUN
+the	DET
+United	PROPN
+States	PROPN
+is	AUX
+responsible	ADJ
+for	ADP
+.	PUNCT
+
+53	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+days	NOUN
+after	SCONJ
+taking	VERB
+office	NOUN
+that	ADV
+Bush	PROPN
+reneged	VERB
+on	ADP
+his	PRON
+campaign	NOUN
+promise	NOUN
+to	PART
+regulate	VERB
+carbon	NOUN
+dioxide	NOUN
+emissions	NOUN
+from	ADP
+power	NOUN
+plants	NOUN
+.	PUNCT
+
+14	NUM
+-	PUNCT
+Percentage	NOUN
+carbon	NOUN
+dioxide	NOUN
+emissions	NOUN
+will	AUX
+increase	VERB
+over	ADP
+the	DET
+next	ADJ
+10	NUM
+years	NOUN
+under	ADP
+Bush	PROPN
+'s	PART
+own	ADJ
+global	ADJ
+-	PUNCT
+warming	NOUN
+plan	NOUN
+(	PUNCT
+an	DET
+increase	NOUN
+of	ADP
+30	NUM
+per	NOUN
+cent	NOUN
+above	ADP
+their	PRON
+1990	NUM
+levels	NOUN
+)	PUNCT
+.	PUNCT
+
+5	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+years	NOUN
+the	DET
+Bush	PROPN
+administration	NOUN
+said	VERB
+in	ADP
+2003	NUM
+that	SCONJ
+global	ADJ
+warming	NOUN
+must	AUX
+be	AUX
+further	ADV
+studied	VERB
+before	SCONJ
+substantive	ADJ
+action	NOUN
+could	AUX
+be	AUX
+taken	VERB
+.	PUNCT
+
+$	SYM
+44	NUM
+m	NUM
+-	PUNCT
+Amount	NOUN
+the	DET
+Bush	PROPN
+-	PUNCT
+Cheney	PROPN
+2000	NUM
+campaign	NOUN
+and	CCONJ
+the	DET
+Republican	PROPN
+National	PROPN
+Committee	PROPN
+received	VERB
+in	ADP
+contributions	NOUN
+from	ADP
+the	DET
+fossil	NOUN
+fuel	NOUN
+,	PUNCT
+chemical	NOUN
+,	PUNCT
+timber	NOUN
+,	PUNCT
+and	CCONJ
+mining	NOUN
+industries	NOUN
+.	PUNCT
+
+200	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+regulation	NOUN
+rollbacks	NOUN
+downgrading	VERB
+or	CCONJ
+weakening	VERB
+environmental	ADJ
+laws	NOUN
+in	ADP
+Bush	PROPN
+'s	PART
+first	ADJ
+three	NUM
+years	NOUN
+in	ADP
+office	NOUN
+.	PUNCT
+
+31	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+Bush	PROPN
+administration	NOUN
+appointees	NOUN
+who	PRON
+are	AUX
+alumni	NOUN
+of	ADP
+the	DET
+energy	NOUN
+industry	NOUN
+(	PUNCT
+includes	VERB
+four	NUM
+cabinet	NOUN
+secretaries	NOUN
+,	PUNCT
+the	DET
+six	NUM
+most	ADV
+powerful	ADJ
+White	PROPN
+House	PROPN
+officials	NOUN
+,	PUNCT
+and	CCONJ
+more	ADJ
+than	ADP
+20	NUM
+other	ADJ
+high	ADJ
+-	PUNCT
+level	NOUN
+appointees	NOUN
+)	PUNCT
+.	PUNCT
+
+50	NUM
+=	SYM
+Approximate	ADJ
+number	NOUN
+of	ADP
+policy	NOUN
+changes	NOUN
+and	CCONJ
+regulation	NOUN
+rollbacks	NOUN
+injurious	ADJ
+to	ADP
+the	DET
+environment	NOUN
+that	PRON
+have	AUX
+been	AUX
+announced	VERB
+by	ADP
+the	DET
+Bush	PROPN
+administration	NOUN
+on	ADP
+Fridays	PROPN
+after	ADP
+5	NUM
+pm	NOUN
+,	PUNCT
+a	DET
+time	NOUN
+that	PRON
+makes	VERB
+it	PRON
+all	ADV
+but	ADV
+impossible	ADJ
+for	SCONJ
+news	NOUN
+organisations	NOUN
+to	PART
+relay	VERB
+the	DET
+information	NOUN
+to	ADP
+the	DET
+widest	ADJ
+possible	ADJ
+audience	NOUN
+.	PUNCT
+
+50	NUM
+-	PUNCT
+Percentage	NOUN
+decline	NOUN
+in	ADP
+Environmental	PROPN
+Protection	PROPN
+Agency	PROPN
+enforcement	NOUN
+actions	NOUN
+against	ADP
+polluters	NOUN
+under	ADP
+Bush	PROPN
+'s	PART
+watch	NOUN
+.	PUNCT
+
+34	NUM
+-	PUNCT
+Percentage	NOUN
+decline	NOUN
+in	ADP
+criminal	ADJ
+penalties	NOUN
+for	ADP
+environmental	ADJ
+crimes	NOUN
+since	SCONJ
+Bush	PROPN
+took	VERB
+office	NOUN
+.	PUNCT
+
+50	NUM
+-	PUNCT
+Percentage	NOUN
+decline	NOUN
+in	ADP
+civil	ADJ
+penalties	NOUN
+for	ADP
+environmental	ADJ
+crimes	NOUN
+since	SCONJ
+Bush	PROPN
+took	VERB
+office	NOUN
+.	PUNCT
+
+$	SYM
+6.1	NUM
+m	NUM
+-	PUNCT
+Amount	NOUN
+the	DET
+EPA	PROPN
+historically	ADV
+valued	VERB
+each	DET
+human	ADJ
+life	NOUN
+when	ADV
+conducting	VERB
+economic	ADJ
+analyses	NOUN
+of	ADP
+proposed	VERB
+regulations	NOUN
+.	PUNCT
+
+$	SYM
+3.7	NUM
+m	NUM
+-	PUNCT
+Amount	NOUN
+the	DET
+EPA	PROPN
+valued	VERB
+each	DET
+human	ADJ
+life	NOUN
+when	ADV
+conducting	VERB
+analyses	NOUN
+of	ADP
+proposed	VERB
+regulations	NOUN
+during	ADP
+the	DET
+Bush	PROPN
+administration	NOUN
+.	PUNCT
+
+62	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+members	NOUN
+of	ADP
+Cheney	PROPN
+'s	PART
+63	NUM
+-	PUNCT
+person	NOUN
+Energy	PROPN
+Task	PROPN
+Force	PROPN
+with	ADP
+ties	NOUN
+to	ADP
+corporate	ADJ
+energy	NOUN
+interests	NOUN
+.	PUNCT
+
+0	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+environmentalists	NOUN
+asked	VERB
+to	PART
+attend	VERB
+Cheney	PROPN
+'s	PART
+Energy	PROPN
+Task	PROPN
+Force	PROPN
+meetings	NOUN
+.	PUNCT
+
+6	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+months	NOUN
+before	ADP
+11	NUM
+September	PROPN
+that	ADV
+Cheney	PROPN
+'s	PART
+Energy	PROPN
+Task	PROPN
+Force	PROPN
+investigated	VERB
+Iraq	PROPN
+'s	PART
+oil	NOUN
+reserves	NOUN
+.	PUNCT
+
+2	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+the	DET
+world	NOUN
+'s	PART
+population	NOUN
+that	PRON
+is	AUX
+British	ADJ
+.	PUNCT
+
+2	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+the	DET
+world	NOUN
+'s	PART
+oil	NOUN
+used	VERB
+by	ADP
+Britain	PROPN
+.	PUNCT
+
+5	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+the	DET
+world	NOUN
+'s	PART
+population	NOUN
+that	PRON
+is	AUX
+American	ADJ
+.	PUNCT
+
+25	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+the	DET
+world	NOUN
+'s	PART
+oil	NOUN
+used	VERB
+by	ADP
+America	PROPN
+.	PUNCT
+
+63	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+oil	NOUN
+the	DET
+United	PROPN
+States	PROPN
+imported	VERB
+in	ADP
+2003	NUM
+,	PUNCT
+a	DET
+record	ADJ
+high	NOUN
+.	PUNCT
+
+24,000	NUM
+-	PUNCT
+Estimated	VERB
+number	NOUN
+of	ADP
+premature	ADJ
+deaths	NOUN
+that	PRON
+will	AUX
+occur	VERB
+under	ADP
+Bush	PROPN
+'s	PART
+Clear	PROPN
+Skies	PROPN
+initiative	NOUN
+.	PUNCT
+
+300	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+Clean	PROPN
+Water	PROPN
+Act	PROPN
+violations	NOUN
+by	ADP
+the	DET
+mountaintop	NOUN
+-	PUNCT
+mining	NOUN
+industry	NOUN
+in	ADP
+2003	NUM
+.	PUNCT
+
+750,000	NUM
+-	PUNCT
+Tons	NOUN
+of	ADP
+toxic	ADJ
+waste	NOUN
+the	DET
+US	PROPN
+military	NOUN
+,	PUNCT
+the	DET
+world	NOUN
+'s	PART
+biggest	ADJ
+polluter	NOUN
+,	PUNCT
+generates	VERB
+around	ADP
+the	DET
+world	NOUN
+each	DET
+year	NOUN
+.	PUNCT
+
+$	SYM
+3.8	NUM
+bn	NUM
+-	PUNCT
+Amount	NOUN
+in	ADP
+the	DET
+Superfund	PROPN
+trust	NOUN
+fund	NOUN
+for	ADP
+toxic	ADJ
+site	NOUN
+clean	NOUN
+-	PUNCT
+ups	NOUN
+in	ADP
+1995	NUM
+,	PUNCT
+the	DET
+Year	NOUN
+"	PUNCT
+polluter	NOUN
+pays	VERB
+"	PUNCT
+fees	NOUN
+expired	VERB
+.	PUNCT
+
+$	SYM
+0	NUM
+-	PUNCT
+Amount	NOUN
+of	ADP
+uncommitted	ADJ
+dollars	NOUN
+in	ADP
+the	DET
+Superfund	PROPN
+trust	NOUN
+fund	NOUN
+for	ADP
+toxic	ADJ
+site	NOUN
+clean	NOUN
+-	PUNCT
+ups	NOUN
+in	ADP
+2003	NUM
+.	PUNCT
+
+270	NUM
+-	PUNCT
+Estimated	VERB
+number	NOUN
+of	ADP
+court	NOUN
+decisions	NOUN
+citing	VERB
+federal	ADJ
+Negligence	NOUN
+in	ADP
+endangered	ADJ
+-	PUNCT
+species	NOUN
+protection	NOUN
+that	PRON
+remained	VERB
+unheeded	ADJ
+during	ADP
+the	DET
+first	ADJ
+year	NOUN
+of	ADP
+the	DET
+Bush	PROPN
+administration	NOUN
+.	PUNCT
+
+100	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+those	DET
+decisions	NOUN
+that	PRON
+Bush	PROPN
+then	ADV
+decided	VERB
+to	PART
+allow	VERB
+the	DET
+government	NOUN
+to	PART
+ignore	VERB
+indefinitely	ADV
+.	PUNCT
+
+50	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+screened	VERB
+workers	NOUN
+at	ADP
+Ground	PROPN
+Zero	PROPN
+who	PRON
+now	ADV
+suffer	VERB
+from	ADP
+long	ADJ
+-	PUNCT
+term	NOUN
+health	NOUN
+problems	NOUN
+,	PUNCT
+almost	ADV
+half	NOUN
+of	ADP
+whom	PRON
+do	AUX
+n't	PART
+have	VERB
+health	NOUN
+insurance	NOUN
+.	PUNCT
+
+78	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+workers	NOUN
+at	ADP
+Ground	PROPN
+Zero	PROPN
+who	PRON
+now	ADV
+suffer	VERB
+from	ADP
+lung	NOUN
+ailments	NOUN
+.	PUNCT
+
+88	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+workers	NOUN
+at	ADP
+Ground	PROPN
+Zero	PROPN
+who	PRON
+Now	ADV
+suffer	VERB
+from	ADP
+ear	NOUN
+,	PUNCT
+nose	NOUN
+,	PUNCT
+or	CCONJ
+throat	NOUN
+problems	NOUN
+.	PUNCT
+
+22	NUM
+-	PUNCT
+Asbestos	NOUN
+levels	NOUN
+at	ADP
+Ground	PROPN
+Zero	PROPN
+were	AUX
+22	NUM
+times	NOUN
+higher	ADJ
+than	ADP
+the	DET
+levels	NOUN
+in	ADP
+Libby	PROPN
+,	PUNCT
+Montana	PROPN
+,	PUNCT
+where	ADV
+the	DET
+W	PROPN
+R	PROPN
+Grace	PROPN
+mine	NOUN
+produced	VERB
+one	NUM
+of	ADP
+the	DET
+worst	ADJ
+Superfund	PROPN
+disasters	NOUN
+in	ADP
+US	PROPN
+history	NOUN
+.	PUNCT
+
+1	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+Bush	PROPN
+administration	NOUN
+public	ADJ
+statements	NOUN
+on	ADP
+National	ADJ
+security	NOUN
+issued	VERB
+between	ADP
+20	NUM
+January	PROPN
+2001	NUM
+and	CCONJ
+10	NUM
+September	PROPN
+2001	NUM
+that	PRON
+mentioned	VERB
+al	PROPN
+-	PUNCT
+Qa'ida	PROPN
+.	PUNCT
+
+104	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+Bush	PROPN
+administration	NOUN
+public	ADJ
+statements	NOUN
+on	ADP
+National	ADJ
+security	NOUN
+and	CCONJ
+defense	NOUN
+in	ADP
+the	DET
+same	ADJ
+period	NOUN
+that	PRON
+mentioned	VERB
+Iraq	PROPN
+or	CCONJ
+Saddam	PROPN
+Hussein	PROPN
+.	PUNCT
+
+101	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+Bush	PROPN
+administration	NOUN
+public	ADJ
+statements	NOUN
+on	ADP
+National	ADJ
+security	NOUN
+and	CCONJ
+defense	NOUN
+in	ADP
+the	DET
+same	ADJ
+period	NOUN
+that	PRON
+mentioned	VERB
+missile	NOUN
+defence	NOUN
+.	PUNCT
+
+65	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+Bush	PROPN
+administration	NOUN
+public	ADJ
+statements	NOUN
+on	ADP
+National	ADJ
+security	NOUN
+and	CCONJ
+defense	NOUN
+in	ADP
+the	DET
+same	ADJ
+period	NOUN
+that	PRON
+mentioned	VERB
+weapons	NOUN
+of	ADP
+mass	ADJ
+destruction	NOUN
+.	PUNCT
+
+0	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+times	NOUN
+Bush	PROPN
+mentioned	VERB
+Osama	PROPN
+bin	PROPN
+Laden	PROPN
+in	ADP
+his	PRON
+three	NUM
+State	NOUN
+of	ADP
+the	DET
+Union	NOUN
+addresses	NOUN
+.	PUNCT
+
+73	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+times	NOUN
+that	ADV
+Bush	PROPN
+mentioned	VERB
+terrorism	NOUN
+or	CCONJ
+terrorists	NOUN
+in	ADP
+his	PRON
+three	NUM
+State	NOUN
+of	ADP
+the	DET
+Union	NOUN
+addresses	NOUN
+.	PUNCT
+
+83	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+times	NOUN
+Bush	PROPN
+mentioned	VERB
+Saddam	PROPN
+,	PUNCT
+Iraq	PROPN
+,	PUNCT
+or	CCONJ
+regime	NOUN
+(	PUNCT
+as	ADP
+in	ADP
+change	NOUN
+)	PUNCT
+in	ADP
+his	PRON
+three	NUM
+State	NOUN
+of	ADP
+the	DET
+Union	NOUN
+addresses	NOUN
+.	PUNCT
+
+$	SYM
+1	NUM
+m	NUM
+-	PUNCT
+Estimated	VERB
+value	NOUN
+of	ADP
+a	DET
+painting	NOUN
+the	DET
+Bush	PROPN
+Presidential	PROPN
+Library	PROPN
+in	ADP
+College	PROPN
+Station	PROPN
+,	PUNCT
+Texas	PROPN
+,	PUNCT
+received	VERB
+from	ADP
+Prince	PROPN
+Bandar	PROPN
+,	PUNCT
+Saudi	PROPN
+Arabia	PROPN
+'s	PART
+ambassador	NOUN
+to	ADP
+the	DET
+United	PROPN
+States	PROPN
+and	CCONJ
+Bush	PROPN
+family	NOUN
+friend	NOUN
+.	PUNCT
+
+0	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+times	NOUN
+Bush	PROPN
+mentioned	VERB
+Saudi	PROPN
+Arabia	PROPN
+in	ADP
+his	PRON
+three	NUM
+State	NOUN
+of	ADP
+the	DET
+Union	NOUN
+addresses	NOUN
+.	PUNCT
+
+1,700	NUM
+-	PUNCT
+Percentage	NOUN
+increase	NOUN
+between	ADP
+2001	NUM
+and	CCONJ
+2002	NUM
+of	ADP
+Saudi	ADJ
+Arabian	ADJ
+spending	NOUN
+on	ADP
+public	ADJ
+relations	NOUN
+in	ADP
+the	DET
+United	PROPN
+States	PROPN
+.	PUNCT
+
+79	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+the	DET
+11	NUM
+September	PROPN
+hijackers	NOUN
+who	PRON
+came	VERB
+from	ADP
+Saudi	PROPN
+Arabia	PROPN
+.	PUNCT
+
+3	NUM
+=	PUNCT
+Number	NOUN
+of	ADP
+11	NUM
+September	PROPN
+hijackers	NOUN
+whose	PRON
+entry	NOUN
+visas	NOUN
+came	VERB
+through	ADP
+special	ADJ
+US	PROPN
+-	PUNCT
+Saudi	ADJ
+"	PUNCT
+Visa	PROPN
+Express	PROPN
+"	PUNCT
+programme	NOUN
+.	PUNCT
+
+140	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+Saudis	PROPN
+,	PUNCT
+including	VERB
+members	NOUN
+of	ADP
+the	DET
+Bin	PROPN
+Laden	PROPN
+family	NOUN
+,	PUNCT
+evacuated	VERB
+from	ADP
+United	PROPN
+States	PROPN
+almost	ADV
+immediately	ADV
+after	ADP
+11	NUM
+September	PROPN
+.	PUNCT
+
+14	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+Immigration	PROPN
+and	CCONJ
+Naturalisation	PROPN
+Service	PROPN
+(	PUNCT
+INS	PROPN
+)	PUNCT
+agents	NOUN
+assigned	VERB
+to	PART
+track	VERB
+down	ADP
+1,200	NUM
+known	VERB
+illegal	ADJ
+immigrants	NOUN
+in	ADP
+the	DET
+United	PROPN
+States	PROPN
+from	ADP
+countries	NOUN
+where	ADV
+al	PROPN
+-	PUNCT
+Qa'ida	PROPN
+is	AUX
+active	ADJ
+.	PUNCT
+
+$	SYM
+3	NUM
+m	NUM
+-	PUNCT
+Amount	NOUN
+the	DET
+White	PROPN
+House	PROPN
+was	AUX
+willing	ADJ
+to	PART
+grant	VERB
+the	DET
+9/11	NUM
+Commission	NOUN
+to	PART
+investigate	VERB
+the	DET
+11	NUM
+September	PROPN
+attacks	NOUN
+.	PUNCT
+
+$	SYM
+0	NUM
+-	PUNCT
+Amount	PROPN
+approved	VERB
+by	ADP
+George	PROPN
+Bush	PROPN
+to	PART
+hire	VERB
+more	ADJ
+INS	PROPN
+special	ADJ
+agents	NOUN
+.	PUNCT
+
+$	SYM
+10	NUM
+m	NUM
+-	PUNCT
+Amount	NOUN
+Bush	PROPN
+cut	VERB
+from	ADP
+the	DET
+INS	PROPN
+'s	PART
+existing	VERB
+terrorism	NOUN
+budget	NOUN
+.	PUNCT
+
+$	SYM
+50	NUM
+m	NUM
+-	PUNCT
+Amount	NOUN
+granted	VERB
+to	ADP
+the	DET
+commission	NOUN
+that	PRON
+looked	VERB
+into	ADP
+the	DET
+Columbia	PROPN
+space	NOUN
+shuttle	NOUN
+crash	NOUN
+.	PUNCT
+
+$	SYM
+5	NUM
+m	NUM
+-	PUNCT
+Amount	NOUN
+a	DET
+1996	NUM
+federal	ADJ
+commission	NOUN
+was	AUX
+given	VERB
+to	PART
+study	VERB
+legalised	VERB
+gambling	NOUN
+.	PUNCT
+
+7	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+Arabic	PROPN
+linguists	NOUN
+fired	VERB
+by	ADP
+the	DET
+US	PROPN
+army	NOUN
+between	ADP
+mid-August	NOUN
+and	CCONJ
+mid-October	NOUN
+2002	NUM
+for	SCONJ
+being	AUX
+gay	ADJ
+.	PUNCT
+
+George	PROPN
+Bush	PROPN
+:	PUNCT
+Military	ADJ
+man	NOUN
+
+1972	NUM
+-	PUNCT
+Year	NOUN
+that	ADV
+Bush	PROPN
+walked	VERB
+away	ADV
+from	ADP
+his	PRON
+pilot	NOUN
+duties	NOUN
+in	ADP
+the	DET
+Texas	PROPN
+National	PROPN
+Guard	PROPN
+,	PUNCT
+Nearly	ADV
+two	NUM
+years	NOUN
+before	SCONJ
+his	PRON
+six	NUM
+-	PUNCT
+year	NOUN
+obligation	NOUN
+was	AUX
+up	ADV
+.	PUNCT
+
+$	SYM
+3,500	NUM
+-	PUNCT
+Reward	NOUN
+a	DET
+group	NOUN
+of	ADP
+veterans	NOUN
+offered	VERB
+in	ADP
+2000	NUM
+for	ADP
+anyone	PRON
+who	PRON
+could	AUX
+confirm	VERB
+Bush	PROPN
+'s	PART
+Alabama	PROPN
+guard	NOUN
+service	NOUN
+.	PUNCT
+
+600	NUM
+-	SYM
+700	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+guardsmen	NOUN
+who	PRON
+were	AUX
+in	ADP
+Bush	PROPN
+'s	PART
+unit	NOUN
+during	ADP
+that	DET
+period	NOUN
+.	PUNCT
+
+0	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+guardsmen	NOUN
+from	ADP
+that	DET
+period	NOUN
+who	PRON
+came	VERB
+forward	ADV
+with	ADP
+information	NOUN
+about	ADP
+Bush	PROPN
+'s	PART
+guard	NOUN
+service	NOUN
+.	PUNCT
+
+0	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+minutes	NOUN
+that	ADV
+President	PROPN
+Bush	PROPN
+,	PUNCT
+Vice	PROPN
+-	PUNCT
+President	PROPN
+Dick	PROPN
+Cheney	PROPN
+,	PUNCT
+the	DET
+Defence	PROPN
+Secretary	PROPN
+,	PUNCT
+Donald	PROPN
+Rumsfeld	PROPN
+,	PUNCT
+the	DET
+assistant	NOUN
+Defence	NOUN
+Secretary	PROPN
+,	PUNCT
+Paul	PROPN
+Wolfowitz	PROPN
+,	PUNCT
+the	DET
+former	ADJ
+chairman	NOUN
+of	ADP
+the	DET
+Defence	PROPN
+Policy	PROPN
+Board	PROPN
+,	PUNCT
+Richard	PROPN
+Perle	PROPN
+,	PUNCT
+and	CCONJ
+the	DET
+White	PROPN
+House	PROPN
+Chief	PROPN
+of	ADP
+Staff	PROPN
+,	PUNCT
+Karl	PROPN
+Rove	PROPN
+-	PUNCT
+the	DET
+main	ADJ
+proponents	NOUN
+of	ADP
+the	DET
+war	NOUN
+in	ADP
+Iraq	PROPN
+-	PUNCT
+served	VERB
+in	ADP
+combat	NOUN
+(	PUNCT
+combined	VERB
+)	PUNCT
+.	PUNCT
+
+0	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+principal	ADJ
+civilian	ADJ
+or	CCONJ
+Pentagon	PROPN
+staff	NOUN
+members	NOUN
+who	PRON
+planned	VERB
+the	DET
+war	NOUN
+who	PRON
+have	VERB
+immediate	ADJ
+family	NOUN
+members	NOUN
+serving	VERB
+in	ADP
+uniform	NOUN
+in	ADP
+Iraq	PROPN
+.	PUNCT
+
+8	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+members	NOUN
+of	ADP
+the	DET
+US	PROPN
+Senate	PROPN
+and	CCONJ
+House	PROPN
+of	ADP
+Representatives	PROPN
+who	PRON
+have	VERB
+a	DET
+child	NOUN
+serving	VERB
+in	ADP
+the	DET
+military	NOUN
+.	PUNCT
+
+10	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+days	NOUN
+that	PRON
+the	DET
+Pentagon	PROPN
+spent	VERB
+investigating	VERB
+a	DET
+soldier	NOUN
+who	PRON
+had	AUX
+called	VERB
+the	DET
+President	PROPN
+"	PUNCT
+a	DET
+joke	NOUN
+"	PUNCT
+in	ADP
+a	DET
+letter	NOUN
+to	ADP
+the	DET
+editor	NOUN
+of	ADP
+a	DET
+Newspaper	NOUN
+.	PUNCT
+
+46	NUM
+-	PUNCT
+Percentage	NOUN
+increase	NOUN
+in	ADP
+sales	NOUN
+between	ADP
+2001	NUM
+and	CCONJ
+2002	NUM
+of	ADP
+GI	PROPN
+Joe	PROPN
+figures	NOUN
+(	PUNCT
+children	NOUN
+'s	PART
+toys	NOUN
+)	PUNCT
+.	PUNCT
+
+Ambitious	ADJ
+warrior	NOUN
+
+2	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+Nations	NOUN
+that	PRON
+George	PROPN
+Bush	PROPN
+has	AUX
+attacked	VERB
+and	CCONJ
+taken	VERB
+over	ADP
+since	SCONJ
+coming	VERB
+into	ADP
+office	NOUN
+.	PUNCT
+
+130	NUM
+-	PUNCT
+Approximate	ADJ
+Number	NOUN
+of	ADP
+countries	NOUN
+(	PUNCT
+out	ADP
+of	ADP
+a	DET
+total	NOUN
+of	ADP
+191	NUM
+recognised	VERB
+by	ADP
+the	DET
+United	PROPN
+Nations	PROPN
+)	PUNCT
+with	ADP
+a	DET
+US	PROPN
+military	ADJ
+presence	NOUN
+.	PUNCT
+
+43	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+the	DET
+entire	ADJ
+world	NOUN
+'s	PART
+military	ADJ
+spending	NOUN
+that	PRON
+the	DET
+US	PROPN
+spends	VERB
+on	ADP
+defence	NOUN
+.	PUNCT
+
+(	PUNCT
+That	PRON
+was	AUX
+in	ADP
+2002	NUM
+,	PUNCT
+the	DET
+year	NOUN
+before	ADP
+the	DET
+invasion	NOUN
+of	ADP
+Iraq	PROPN
+.	PUNCT
+)	PUNCT
+
+$	SYM
+401.3	NUM
+b	NUM
+-	PUNCT
+Proposed	VERB
+military	ADJ
+budget	NOUN
+for	ADP
+2004	NUM
+.	PUNCT
+
+Saviour	NOUN
+of	ADP
+Iraq	PROPN
+
+1983	NUM
+-	PUNCT
+The	DET
+year	NOUN
+in	ADP
+which	PRON
+Donald	PROPN
+Rumsfeld	PROPN
+,	PUNCT
+Ronald	PROPN
+Reagan	PROPN
+'s	PART
+special	ADJ
+envoy	NOUN
+to	ADP
+the	DET
+Middle	PROPN
+East	PROPN
+,	PUNCT
+gave	VERB
+Saddam	PROPN
+Hussein	PROPN
+a	DET
+pair	NOUN
+of	ADP
+golden	ADJ
+spurs	NOUN
+as	ADP
+a	DET
+gift	NOUN
+.	PUNCT
+
+2.5	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+hours	NOUN
+after	SCONJ
+Rumsfeld	PROPN
+learnt	VERB
+that	SCONJ
+Osama	PROPN
+bin	PROPN
+Laden	PROPN
+was	AUX
+a	DET
+suspect	NOUN
+in	ADP
+the	DET
+11	NUM
+September	PROPN
+attacks	NOUN
+that	ADV
+he	PRON
+brought	VERB
+up	ADP
+reasons	NOUN
+to	PART
+"	PUNCT
+hit	VERB
+"	PUNCT
+Iraq	PROPN
+.	PUNCT
+
+237	NUM
+-	PUNCT
+Minimum	ADJ
+number	NOUN
+of	ADP
+misleading	ADJ
+statements	NOUN
+on	ADP
+Iraq	PROPN
+made	VERB
+by	ADP
+top	ADJ
+Bush	PROPN
+administration	NOUN
+officials	NOUN
+between	ADP
+2002	NUM
+and	CCONJ
+January	PROPN
+2004	NUM
+,	PUNCT
+according	VERB
+to	ADP
+the	DET
+California	PROPN
+Representative	PROPN
+Henry	PROPN
+Waxman	PROPN
+.	PUNCT
+
+10	NUM
+m	NUM
+-	PUNCT
+Estimated	VERB
+number	NOUN
+of	ADP
+people	NOUN
+worldwide	ADV
+who	PRON
+took	VERB
+to	ADP
+the	DET
+streets	NOUN
+on	ADP
+21	NUM
+February	PROPN
+2003	NUM
+,	PUNCT
+in	ADP
+opposition	NOUN
+to	ADP
+the	DET
+invasion	NOUN
+of	ADP
+Iraq	PROPN
+,	PUNCT
+the	DET
+largest	ADJ
+simultaneous	ADJ
+protest	NOUN
+in	ADP
+world	NOUN
+history	NOUN
+.	PUNCT
+
+$	SYM
+2	NUM
+b	NUM
+-	PUNCT
+Estimated	VERB
+monthly	ADJ
+cost	NOUN
+of	ADP
+US	PROPN
+military	ADJ
+presence	NOUN
+in	ADP
+Iraq	PROPN
+projected	VERB
+by	ADP
+the	DET
+White	PROPN
+House	PROPN
+in	ADP
+April	PROPN
+2003	NUM
+.	PUNCT
+
+$	SYM
+4	NUM
+b	NUM
+-	PUNCT
+Actual	ADJ
+monthly	ADJ
+cost	NOUN
+of	ADP
+the	DET
+US	PROPN
+military	ADJ
+presence	NOUN
+in	ADP
+Iraq	PROPN
+according	VERB
+to	ADP
+Secretary	PROPN
+of	ADP
+Defence	PROPN
+Rumsfeld	PROPN
+in	ADP
+2004	NUM
+.	PUNCT
+
+$	SYM
+15	NUM
+m	NUM
+-	PUNCT
+Amount	NOUN
+of	ADP
+a	DET
+contract	NOUN
+awarded	VERB
+to	ADP
+an	DET
+American	ADJ
+firm	NOUN
+to	PART
+build	VERB
+a	DET
+cement	NOUN
+factory	NOUN
+in	ADP
+Iraq	PROPN
+.	PUNCT
+
+$	SYM
+80,000	NUM
+-	PUNCT
+Amount	NOUN
+an	DET
+Iraqi	ADJ
+firm	NOUN
+spent	VERB
+(	PUNCT
+using	VERB
+Saddam	PROPN
+'s	PART
+confiscated	VERB
+funds	NOUN
+)	PUNCT
+to	PART
+build	VERB
+the	DET
+same	ADJ
+factory	NOUN
+,	PUNCT
+after	SCONJ
+delays	NOUN
+prevented	VERB
+the	DET
+American	ADJ
+firm	NOUN
+from	SCONJ
+starting	VERB
+it	PRON
+.	PUNCT
+
+2000	NUM
+-	PUNCT
+Year	NOUN
+that	ADV
+Cheney	PROPN
+said	VERB
+his	PRON
+policy	NOUN
+as	ADP
+CEO	NOUN
+of	ADP
+Halliburton	PROPN
+oil	NOUN
+services	NOUN
+company	NOUN
+was	VERB
+"	PUNCT
+we	PRON
+would	AUX
+n't	PART
+do	VERB
+anything	PRON
+in	ADP
+Iraq	PROPN
+"	PUNCT
+.	PUNCT
+
+$	SYM
+4.7	NUM
+b	NUM
+-	PUNCT
+Total	ADJ
+value	NOUN
+of	ADP
+contracts	NOUN
+awarded	VERB
+to	ADP
+Halliburton	PROPN
+in	ADP
+Iraq	PROPN
+and	CCONJ
+Afghanistan	PROPN
+.	PUNCT
+
+$	SYM
+680	NUM
+m	NUM
+-	PUNCT
+Estimated	VERB
+value	NOUN
+of	ADP
+Iraq	PROPN
+reconstruction	NOUN
+contracts	NOUN
+awarded	VERB
+to	ADP
+Bechtel	PROPN
+.	PUNCT
+
+$	SYM
+2.8	NUM
+b	NUM
+-	PUNCT
+Value	NOUN
+of	ADP
+Bechtel	PROPN
+Corp	PROPN
+contracts	NOUN
+in	ADP
+Iraq	PROPN
+.	PUNCT
+
+$	SYM
+120	NUM
+b	NUM
+-	PUNCT
+Amount	NOUN
+the	DET
+war	NOUN
+and	CCONJ
+its	PRON
+aftermath	NOUN
+are	AUX
+projected	VERB
+to	PART
+cost	VERB
+for	ADP
+the	DET
+2004	NUM
+fiscal	ADJ
+year	NOUN
+.	PUNCT
+
+35	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+countries	NOUN
+to	ADP
+which	PRON
+the	DET
+United	PROPN
+States	PROPN
+suspended	VERB
+military	ADJ
+assistance	NOUN
+after	SCONJ
+they	PRON
+failed	VERB
+to	PART
+sign	VERB
+agreements	NOUN
+giving	VERB
+Americans	PROPN
+immunity	NOUN
+from	ADP
+prosecution	NOUN
+before	ADP
+the	DET
+International	PROPN
+Criminal	PROPN
+Court	PROPN
+.	PUNCT
+
+92	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+Iraq	PROPN
+'s	PART
+urban	ADJ
+areas	NOUN
+with	ADP
+access	NOUN
+to	ADP
+potable	ADJ
+water	NOUN
+in	ADP
+late	ADJ
+2002	NUM
+.	PUNCT
+
+60	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+Iraq	PROPN
+'s	PART
+urban	ADJ
+areas	NOUN
+with	ADP
+access	NOUN
+to	ADP
+potable	ADJ
+water	NOUN
+in	ADP
+late	ADJ
+2003	NUM
+.	PUNCT
+
+55	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+the	DET
+Iraqi	ADJ
+workforce	NOUN
+who	PRON
+were	AUX
+unemployed	ADJ
+before	ADP
+the	DET
+war	NOUN
+.	PUNCT
+
+80	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+the	DET
+Iraqi	ADJ
+workforce	NOUN
+who	PRON
+are	AUX
+unemployed	ADJ
+a	DET
+Year	NOUN
+after	ADP
+the	DET
+war	NOUN
+.	PUNCT
+
+0	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+American	ADJ
+combat	NOUN
+deaths	NOUN
+in	ADP
+Germany	PROPN
+after	ADP
+the	DET
+Nazi	PROPN
+surrender	NOUN
+in	ADP
+May	PROPN
+1945	NUM
+.	PUNCT
+
+37	NUM
+-	PUNCT
+Death	NOUN
+toll	NOUN
+of	ADP
+US	PROPN
+soldiers	NOUN
+in	ADP
+Iraq	PROPN
+in	ADP
+May	PROPN
+2003	NUM
+,	PUNCT
+the	DET
+month	NOUN
+combat	NOUN
+operations	NOUN
+"	PUNCT
+officially	ADV
+"	PUNCT
+ended	VERB
+.	PUNCT
+
+0	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+coffins	NOUN
+of	ADP
+dead	ADJ
+soldiers	NOUN
+returning	VERB
+home	ADV
+that	PRON
+the	DET
+Bush	PROPN
+administration	NOUN
+has	AUX
+permitted	VERB
+to	PART
+be	AUX
+photographed	VERB
+.	PUNCT
+
+0	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+memorial	ADJ
+services	NOUN
+for	ADP
+the	DET
+returned	VERB
+dead	ADJ
+that	PRON
+Bush	PROPN
+has	AUX
+attended	VERB
+since	ADP
+the	DET
+beginning	NOUN
+of	ADP
+the	DET
+war	NOUN
+.	PUNCT
+
+A	DET
+soldier	NOUN
+'s	PART
+best	ADJ
+friend	NOUN
+
+40,000	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+soldiers	NOUN
+in	ADP
+Iraq	PROPN
+seven	NUM
+months	NOUN
+after	ADP
+start	NOUN
+of	ADP
+the	DET
+war	NOUN
+still	ADV
+without	ADP
+Interceptor	PROPN
+vests	NOUN
+,	PUNCT
+designed	VERB
+to	PART
+stop	VERB
+a	DET
+round	NOUN
+from	ADP
+an	DET
+AK	PROPN
+-	PUNCT
+47	NUM
+.	PUNCT
+
+$	SYM
+60	NUM
+m	NUM
+-	PUNCT
+Estimated	VERB
+cost	NOUN
+of	SCONJ
+outfitting	VERB
+those	DET
+40,000	NUM
+soldiers	NOUN
+with	ADP
+Interceptor	PROPN
+vests	NOUN
+.	PUNCT
+
+62	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+gas	NOUN
+masks	NOUN
+that	PRON
+army	NOUN
+investigators	NOUN
+discovered	VERB
+did	AUX
+Not	PART
+work	VERB
+properly	ADV
+in	ADP
+autumn	NOUN
+2002	NUM
+.	PUNCT
+
+90	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+detectors	NOUN
+which	PRON
+give	VERB
+early	ADJ
+warning	NOUN
+of	ADP
+a	DET
+biological	ADJ
+weapons	NOUN
+attack	NOUN
+found	VERB
+to	PART
+be	AUX
+defective	ADJ
+.	PUNCT
+
+87	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+Humvees	PROPN
+in	ADP
+Iraq	PROPN
+not	PART
+equipped	VERB
+with	ADP
+armour	NOUN
+capable	ADJ
+of	SCONJ
+stopping	VERB
+AK	PROPN
+-	PUNCT
+47	NUM
+rounds	NOUN
+and	CCONJ
+protecting	VERB
+against	ADP
+roadside	NOUN
+bombs	NOUN
+and	CCONJ
+landmines	NOUN
+at	ADP
+the	DET
+end	NOUN
+of	ADP
+2003	NUM
+.	PUNCT
+
+Making	VERB
+the	DET
+country	NOUN
+safer	ADJ
+
+$	SYM
+3.29	NUM
+-	PUNCT
+Average	ADJ
+amount	NOUN
+allocated	VERB
+per	ADP
+person	NOUN
+Nationwide	ADV
+in	ADP
+the	DET
+first	ADJ
+round	NOUN
+of	ADP
+homeland	NOUN
+security	NOUN
+grants	NOUN
+.	PUNCT
+
+$	SYM
+94.40	NUM
+-	PUNCT
+Amount	NOUN
+allocated	VERB
+per	ADP
+person	NOUN
+for	ADP
+homeland	NOUN
+security	NOUN
+in	ADP
+American	PROPN
+Samoa	PROPN
+.	PUNCT
+
+$	SYM
+36	NUM
+-	PUNCT
+Amount	NOUN
+allocated	VERB
+per	ADP
+person	NOUN
+for	ADP
+homeland	NOUN
+security	NOUN
+in	ADP
+Wyoming	PROPN
+,	PUNCT
+Vice	PROPN
+-	PUNCT
+President	PROPN
+Cheney	PROPN
+'s	PART
+home	NOUN
+state	NOUN
+.	PUNCT
+
+$	SYM
+17	NUM
+-	PUNCT
+Amount	NOUN
+allocated	VERB
+per	ADP
+person	NOUN
+in	ADP
+New	PROPN
+York	PROPN
+state	NOUN
+.	PUNCT
+
+$	SYM
+5.87	NUM
+-	PUNCT
+Amount	NOUN
+allocated	VERB
+per	ADP
+person	NOUN
+in	ADP
+New	PROPN
+York	PROPN
+City	PROPN
+.	PUNCT
+
+$	SYM
+77.92	NUM
+-	PUNCT
+Amount	NOUN
+allocated	VERB
+per	ADP
+person	NOUN
+in	ADP
+New	PROPN
+Haven	PROPN
+,	PUNCT
+Connecticut	PROPN
+,	PUNCT
+home	NOUN
+of	ADP
+Yale	PROPN
+University	PROPN
+,	PUNCT
+Bush	PROPN
+'s	PART
+alma	NOUN
+mater	NOUN
+.	PUNCT
+
+76	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+215	NUM
+cities	NOUN
+surveyed	VERB
+by	ADP
+the	DET
+US	PROPN
+Conference	PROPN
+of	ADP
+Mayors	PROPN
+in	ADP
+early	ADJ
+2004	NUM
+that	PRON
+had	VERB
+yet	ADV
+to	PART
+receive	VERB
+a	DET
+dime	NOUN
+in	ADP
+federal	ADJ
+homeland	NOUN
+security	NOUN
+assistance	NOUN
+for	ADP
+their	PRON
+first	ADJ
+-	PUNCT
+response	NOUN
+units	NOUN
+.	PUNCT
+
+5	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+major	ADJ
+US	PROPN
+airports	NOUN
+at	ADP
+the	DET
+beginning	NOUN
+of	ADP
+2004	NUM
+that	PRON
+the	DET
+Transportation	PROPN
+Security	PROPN
+Administration	PROPN
+admitted	VERB
+were	AUX
+Not	PART
+fully	ADV
+screening	VERB
+baggage	NOUN
+electronically	ADV
+.	PUNCT
+
+22,600	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+planes	NOUN
+carrying	VERB
+unscreened	ADJ
+cargo	NOUN
+that	PRON
+fly	VERB
+into	ADP
+New	PROPN
+York	PROPN
+each	DET
+month	NOUN
+.	PUNCT
+
+5	NUM
+-	PUNCT
+Estimated	VERB
+Percentage	NOUN
+of	ADP
+US	PROPN
+air	NOUN
+cargo	NOUN
+that	PRON
+is	AUX
+screened	VERB
+,	PUNCT
+including	VERB
+cargo	NOUN
+transported	VERB
+on	ADP
+passenger	NOUN
+planes	NOUN
+.	PUNCT
+
+95	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+foreign	ADJ
+goods	NOUN
+that	PRON
+arrive	VERB
+in	ADP
+the	DET
+United	PROPN
+States	PROPN
+by	ADP
+sea	NOUN
+.	PUNCT
+
+2	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+those	DET
+goods	NOUN
+subjected	VERB
+to	ADP
+thorough	ADJ
+inspection	NOUN
+.	PUNCT
+
+$	SYM
+5.5	NUM
+b	NUM
+-	PUNCT
+Estimated	VERB
+cost	NOUN
+to	PART
+secure	VERB
+fully	ADV
+US	PROPN
+ports	NOUN
+over	ADP
+the	DET
+Next	ADJ
+decade	NOUN
+.	PUNCT
+
+$	SYM
+0	NUM
+-	PUNCT
+Amount	NOUN
+Bush	PROPN
+allocated	VERB
+for	ADP
+port	NOUN
+security	NOUN
+in	ADP
+2003	NUM
+.	PUNCT
+
+$	SYM
+46	NUM
+m	NUM
+-	PUNCT
+Amount	NOUN
+the	DET
+Bush	PROPN
+administration	NOUN
+has	AUX
+budgeted	VERB
+for	ADP
+port	NOUN
+security	NOUN
+in	ADP
+2005	NUM
+.	PUNCT
+
+15,000	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+major	ADJ
+chemical	ADJ
+facilities	NOUN
+in	ADP
+the	DET
+United	PROPN
+States	PROPN
+.	PUNCT
+
+100	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+US	PROPN
+chemical	ADJ
+plants	NOUN
+where	ADV
+a	DET
+terrorist	NOUN
+act	NOUN
+could	AUX
+endanger	VERB
+the	DET
+lives	NOUN
+of	ADP
+more	ADJ
+than	ADP
+one	NUM
+million	NUM
+people	NOUN
+.	PUNCT
+
+0	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+new	ADJ
+drugs	NOUN
+or	CCONJ
+vaccines	NOUN
+against	ADP
+"	PUNCT
+priority	NOUN
+pathogens	NOUN
+"	PUNCT
+listed	VERB
+by	ADP
+the	DET
+Centres	PROPN
+for	ADP
+Disease	PROPN
+Control	PROPN
+that	PRON
+have	AUX
+been	AUX
+developed	VERB
+and	CCONJ
+introduced	VERB
+since	ADP
+11	NUM
+September	PROPN
+2001	NUM
+.	PUNCT
+
+Giving	VERB
+a	DET
+hand	NOUN
+up	ADV
+to	ADP
+the	DET
+advantaged	ADJ
+
+$	SYM
+10.9	NUM
+m	NUM
+-	PUNCT
+Average	ADJ
+wealth	NOUN
+of	ADP
+the	DET
+members	NOUN
+of	ADP
+Bush	PROPN
+'s	PART
+original	ADJ
+16	NUM
+-	PUNCT
+person	NOUN
+cabinet	NOUN
+.	PUNCT
+
+75	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+Americans	PROPN
+unaffected	ADJ
+by	ADP
+Bush	PROPN
+'s	PART
+sweeping	ADJ
+2003	NUM
+cuts	NOUN
+in	ADP
+capital	ADJ
+gains	NOUN
+and	CCONJ
+dividends	NOUN
+taxes	NOUN
+.	PUNCT
+
+$	SYM
+42,000	NUM
+-	PUNCT
+Average	ADJ
+savings	NOUN
+members	NOUN
+of	ADP
+Bush	PROPN
+'s	PART
+cabinet	NOUN
+received	VERB
+in	ADP
+2003	NUM
+as	ADP
+a	DET
+result	NOUN
+of	ADP
+cuts	NOUN
+in	ADP
+capital	ADJ
+gains	NOUN
+and	CCONJ
+dividends	NOUN
+taxes	NOUN
+.	PUNCT
+
+10	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+fellow	ADJ
+members	NOUN
+from	ADP
+the	DET
+Yale	PROPN
+secret	ADJ
+society	NOUN
+Skull	PROPN
+and	CCONJ
+Bones	PROPN
+that	PRON
+Bush	PROPN
+has	AUX
+named	VERB
+to	ADP
+important	ADJ
+positions	NOUN
+(	PUNCT
+including	VERB
+the	DET
+Associate	PROPN
+Attorney	PROPN
+General	PROPN
+Robert	PROPN
+McCallum	PROPN
+Jr.	PROPN
+and	CCONJ
+SEC	PROPN
+chief	NOUN
+Bill	PROPN
+Donaldson	PROPN
+)	PUNCT
+.	PUNCT
+
+79	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+Bush	PROPN
+'s	PART
+initial	ADJ
+189	NUM
+appointees	NOUN
+who	PRON
+also	ADV
+served	VERB
+in	ADP
+his	PRON
+father	NOUN
+'s	PART
+administration	NOUN
+.	PUNCT
+
+A	DET
+man	NOUN
+with	ADP
+a	DET
+lot	NOUN
+of	ADP
+friends	NOUN
+
+$	SYM
+113	NUM
+m	NUM
+-	PUNCT
+Amount	NOUN
+of	ADP
+total	ADJ
+hard	ADJ
+money	NOUN
+the	DET
+Bush	PROPN
+-	PUNCT
+Cheney	PROPN
+2000	NUM
+campaign	NOUN
+received	VERB
+,	PUNCT
+a	DET
+record	NOUN
+.	PUNCT
+
+$	SYM
+11.5	NUM
+m	NUM
+-	PUNCT
+Amount	NOUN
+of	ADP
+hard	ADJ
+money	NOUN
+raised	VERB
+through	ADP
+the	DET
+Pioneer	PROPN
+programme	NOUN
+,	PUNCT
+the	DET
+controversial	ADJ
+fund	NOUN
+-	PUNCT
+raising	NOUN
+process	NOUN
+created	VERB
+for	ADP
+the	DET
+Bush	PROPN
+-	PUNCT
+Cheney	PROPN
+2000	NUM
+campaign	NOUN
+.	PUNCT
+
+(	PUNCT
+Participants	NOUN
+pledged	VERB
+to	PART
+raise	VERB
+at	ADV
+least	ADV
+$	SYM
+100,000	NUM
+by	SCONJ
+bundling	VERB
+together	ADV
+cheques	NOUN
+of	ADP
+up	ADP
+to	ADP
+$	SYM
+1,000	NUM
+from	ADP
+friends	NOUN
+and	CCONJ
+family	NOUN
+.	PUNCT
+
+Pioneers	NOUN
+were	AUX
+assigned	VERB
+numbers	NOUN
+,	PUNCT
+which	PRON
+were	AUX
+included	VERB
+on	ADP
+all	DET
+cheques	NOUN
+,	PUNCT
+enabling	VERB
+the	DET
+campaign	NOUN
+to	PART
+keep	VERB
+track	NOUN
+of	SCONJ
+who	PRON
+raised	VERB
+how	ADV
+much	ADJ
+.	PUNCT
+)	PUNCT
+
+George	PROPN
+Bush	PROPN
+:	PUNCT
+Money	NOUN
+manager	NOUN
+
+4.7	NUM
+m	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+bankruptcies	NOUN
+that	PRON
+were	AUX
+declared	VERB
+during	ADP
+Bush	PROPN
+'s	PART
+first	ADJ
+three	NUM
+years	NOUN
+in	ADP
+office	NOUN
+.	PUNCT
+
+2002	NUM
+-	PUNCT
+The	DET
+worst	ADJ
+year	NOUN
+for	ADP
+major	ADJ
+markets	NOUN
+since	ADP
+the	DET
+recession	NOUN
+of	ADP
+the	DET
+1970s	NOUN
+.	PUNCT
+
+$	SYM
+489	NUM
+b	NUM
+-	PUNCT
+The	DET
+US	PROPN
+trade	NOUN
+deficit	NOUN
+in	ADP
+2003	NUM
+,	PUNCT
+the	DET
+worst	ADJ
+in	ADP
+history	NOUN
+for	ADP
+a	DET
+single	ADJ
+year	NOUN
+.	PUNCT
+
+$	SYM
+5.6	NUM
+t	NUM
+-	PUNCT
+Projected	VERB
+national	ADJ
+surplus	NOUN
+forecast	VERB
+by	ADP
+the	DET
+end	NOUN
+of	ADP
+the	DET
+decade	NOUN
+when	ADV
+Bush	PROPN
+took	VERB
+office	NOUN
+in	ADP
+2001	NUM
+.	PUNCT
+
+$	SYM
+7.22	NUM
+t	NUM
+-	PUNCT
+US	PROPN
+national	ADJ
+debt	NOUN
+by	ADP
+mid-2004	NOUN
+.	PUNCT
+
+George	PROPN
+Bush	PROPN
+:	PUNCT
+Tax	NOUN
+cutter	NOUN
+
+87	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+American	ADJ
+families	NOUN
+in	ADP
+April	PROPN
+2004	NUM
+who	PRON
+say	VERB
+they	PRON
+have	AUX
+felt	VERB
+no	DET
+benefit	NOUN
+from	ADP
+Bush	PROPN
+'s	PART
+tax	NOUN
+cuts	NOUN
+.	PUNCT
+
+39	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+tax	NOUN
+cuts	NOUN
+that	PRON
+will	AUX
+go	VERB
+to	ADP
+the	DET
+top	ADJ
+1	NUM
+per	NOUN
+cent	NOUN
+of	ADP
+American	ADJ
+families	NOUN
+when	ADV
+fully	ADV
+phased	VERB
+in	ADP
+.	PUNCT
+
+49	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+Americans	PROPN
+in	ADP
+April	PROPN
+2004	NUM
+who	PRON
+found	VERB
+that	SCONJ
+their	PRON
+taxes	NOUN
+had	AUX
+actually	ADV
+gone	VERB
+up	ADV
+since	SCONJ
+Bush	PROPN
+took	VERB
+office	NOUN
+.	PUNCT
+
+88	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+American	ADJ
+families	NOUN
+who	PRON
+will	AUX
+save	VERB
+less	ADJ
+than	ADP
+$	SYM
+100	NUM
+on	ADP
+their	PRON
+2006	NUM
+federal	ADJ
+taxes	NOUN
+as	ADP
+a	DET
+result	NOUN
+of	ADP
+2003	NUM
+cut	NOUN
+in	ADP
+capital	ADJ
+gains	NOUN
+and	CCONJ
+dividends	NOUN
+taxes	NOUN
+.	PUNCT
+
+$	SYM
+30,858	NUM
+-	PUNCT
+Amount	NOUN
+Bush	PROPN
+himself	PRON
+saved	VERB
+in	ADP
+taxes	NOUN
+in	ADP
+2003	NUM
+.	PUNCT
+
+Employment	NOUN
+tsar	NOUN
+
+9.3	NUM
+m	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+US	PROPN
+unemployed	ADJ
+in	ADP
+April	PROPN
+2004	NUM
+.	PUNCT
+
+2.3	NUM
+m	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+Americans	PROPN
+who	PRON
+lost	VERB
+their	PRON
+jobs	NOUN
+during	ADP
+first	ADJ
+three	NUM
+Years	NOUN
+of	ADP
+the	DET
+Bush	PROPN
+administration	NOUN
+.	PUNCT
+
+22	NUM
+m	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+jobs	NOUN
+gained	VERB
+during	ADP
+Clinton	PROPN
+'s	PART
+eight	NUM
+years	NOUN
+in	ADP
+office	NOUN
+.	PUNCT
+
+Friend	NOUN
+of	ADP
+the	DET
+poor	ADJ
+
+34.6	NUM
+m	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+Americans	PROPN
+living	VERB
+below	ADP
+the	DET
+poverty	NOUN
+line	NOUN
+(	PUNCT
+1	NUM
+in	ADP
+8	NUM
+of	ADP
+the	DET
+population	NOUN
+)	PUNCT
+.	PUNCT
+
+6.8	NUM
+m	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+people	NOUN
+in	ADP
+the	DET
+workforce	NOUN
+but	CCONJ
+still	ADV
+classified	VERB
+as	ADP
+poor	ADJ
+.	PUNCT
+
+35	NUM
+m	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+Americans	PROPN
+that	PRON
+the	DET
+government	NOUN
+defines	VERB
+as	ADP
+"	PUNCT
+food	NOUN
+insecure	ADJ
+,	PUNCT
+"	PUNCT
+in	ADP
+other	ADJ
+words	NOUN
+,	PUNCT
+hungry	ADJ
+.	PUNCT
+
+$	SYM
+300	NUM
+m	NUM
+-	PUNCT
+Amount	NOUN
+cut	VERB
+from	ADP
+the	DET
+federal	ADJ
+programme	NOUN
+that	PRON
+provides	VERB
+subsidies	NOUN
+to	ADP
+poor	ADJ
+families	NOUN
+so	SCONJ
+they	PRON
+can	AUX
+heat	VERB
+their	PRON
+homes	NOUN
+.	PUNCT
+
+40	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+wealth	NOUN
+in	ADP
+the	DET
+United	PROPN
+States	PROPN
+held	VERB
+by	ADP
+the	DET
+richest	ADJ
+1	NUM
+per	NOUN
+cent	NOUN
+of	ADP
+the	DET
+population	NOUN
+.	PUNCT
+
+18	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+wealth	NOUN
+in	ADP
+Britain	PROPN
+held	VERB
+by	ADP
+the	DET
+richest	ADJ
+1e	NOUN
+per	X
+cent	NOUN
+of	ADP
+the	DET
+population	NOUN
+.	PUNCT
+
+George	PROPN
+Bush	PROPN
+And	CCONJ
+his	PRON
+special	ADJ
+friend	NOUN
+
+$	SYM
+60	NUM
+b	NUM
+-	PUNCT
+Loss	NOUN
+to	ADP
+Enron	PROPN
+stockholders	NOUN
+,	PUNCT
+following	VERB
+the	DET
+largest	ADJ
+bankruptcy	NOUN
+in	ADP
+US	PROPN
+history	NOUN
+.	PUNCT
+
+$	SYM
+205	NUM
+m	NUM
+-	PUNCT
+Amount	NOUN
+Enron	PROPN
+CEO	NOUN
+Kenneth	PROPN
+Lay	PROPN
+earned	VERB
+from	ADP
+stock	NOUN
+option	NOUN
+profits	NOUN
+over	ADP
+a	DET
+four	NUM
+-	PUNCT
+year	NOUN
+period	NOUN
+.	PUNCT
+
+$	SYM
+101	NUM
+m	NUM
+-	PUNCT
+Amount	NOUN
+Lay	PROPN
+made	VERB
+from	SCONJ
+selling	VERB
+his	PRON
+Enron	PROPN
+shares	NOUN
+just	ADV
+before	SCONJ
+the	DET
+company	NOUN
+went	VERB
+bankrupt	ADJ
+.	PUNCT
+
+$	SYM
+59,339	NUM
+-	PUNCT
+Amount	NOUN
+the	DET
+Bush	PROPN
+campaign	NOUN
+reimbursed	VERB
+Enron	PROPN
+for	ADP
+14	NUM
+trips	NOUN
+on	ADP
+its	PRON
+corporate	ADJ
+jet	NOUN
+during	ADP
+the	DET
+2000	NUM
+campaign	NOUN
+.	PUNCT
+
+30	NUM
+-	PUNCT
+Length	NOUN
+of	ADP
+time	NOUN
+in	ADP
+months	NOUN
+between	ADP
+Enron	PROPN
+'s	PART
+collapse	NOUN
+and	CCONJ
+Lay	PROPN
+(	PUNCT
+whom	PRON
+the	DET
+President	PROPN
+called	VERB
+"	PUNCT
+Kenny	PROPN
+Boy	PROPN
+"	PUNCT
+)	PUNCT
+still	ADV
+not	ADV
+being	AUX
+charged	VERB
+with	ADP
+a	DET
+crime	NOUN
+.	PUNCT
+
+George	PROPN
+Bush	PROPN
+:	PUNCT
+Lawman	NOUN
+
+15	NUM
+-	PUNCT
+Average	ADJ
+number	NOUN
+of	ADP
+minutes	NOUN
+Bush	PROPN
+spent	VERB
+reviewing	VERB
+capital	ADJ
+punishment	NOUN
+cases	NOUN
+while	SCONJ
+governor	NOUN
+of	ADP
+Texas	PROPN
+.	PUNCT
+
+46	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+Republican	ADJ
+federal	ADJ
+judges	NOUN
+when	ADV
+Bush	PROPN
+came	VERB
+to	ADP
+office	NOUN
+.	PUNCT
+
+57	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+Republican	ADJ
+federal	ADJ
+judges	NOUN
+after	ADP
+three	NUM
+years	NOUN
+of	ADP
+the	DET
+Bush	PROPN
+administration	NOUN
+.	PUNCT
+
+33	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+the	DET
+$	SYM
+15	NUM
+bn	NUM
+Bush	PROPN
+pledged	VERB
+to	PART
+fight	VERB
+Aids	NOUN
+in	ADP
+Africa	PROPN
+that	PRON
+must	AUX
+go	VERB
+to	ADP
+abstinence	NOUN
+-	PUNCT
+only	ADV
+programmes	NOUN
+.	PUNCT
+
+The	DET
+Civil	ADJ
+libertarian	NOUN
+
+680	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+suspected	VERB
+al	PROPN
+-	PUNCT
+Qa'ida	PROPN
+members	NOUN
+that	PRON
+the	DET
+United	PROPN
+States	PROPN
+admits	VERB
+are	AUX
+detained	VERB
+at	ADP
+Guantánamo	PROPN
+Bay	PROPN
+,	PUNCT
+Cuba	PROPN
+.	PUNCT
+
+42	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+nationalities	NOUN
+of	ADP
+those	DET
+detainees	NOUN
+at	ADP
+Guantanamo	PROPN
+.	PUNCT
+
+22	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+hours	NOUN
+prisoners	NOUN
+were	AUX
+handcuffed	VERB
+,	PUNCT
+shackled	VERB
+,	PUNCT
+and	CCONJ
+made	VERB
+to	PART
+wear	VERB
+surgical	ADJ
+masks	NOUN
+,	PUNCT
+earmuffs	NOUN
+,	PUNCT
+and	CCONJ
+blindfolds	NOUN
+during	ADP
+their	PRON
+flight	NOUN
+to	ADP
+Guantanamo	PROPN
+.	PUNCT
+
+32	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+confirmed	VERB
+suicide	NOUN
+attempts	NOUN
+by	ADP
+Guantanamo	PROPN
+Bay	PROPN
+prisoners	NOUN
+.	PUNCT
+
+24	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+prisoners	NOUN
+in	ADP
+mid-2003	NOUN
+being	AUX
+monitored	VERB
+by	ADP
+psychiatrists	NOUN
+in	ADP
+Guantanamo	PROPN
+'s	PART
+new	ADJ
+mental	ADJ
+ward	NOUN
+.	PUNCT
+
+A	DET
+health	NOUN
+-	PUNCT
+conscious	ADJ
+president	NOUN
+
+43.6	NUM
+m	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+Americans	PROPN
+without	ADP
+health	NOUN
+insurance	NOUN
+by	ADP
+the	DET
+end	NOUN
+of	ADP
+2002	NUM
+(	PUNCT
+more	ADJ
+than	ADP
+15	NUM
+per	NOUN
+cent	NOUN
+of	ADP
+the	DET
+population	NOUN
+)	PUNCT
+.	PUNCT
+
+2.4	NUM
+m	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+Americans	PROPN
+who	PRON
+lost	VERB
+their	PRON
+health	NOUN
+insurance	NOUN
+during	ADP
+Bush	PROPN
+'s	PART
+first	ADJ
+year	NOUN
+in	ADP
+office	NOUN
+.	PUNCT
+
+Image	NOUN
+booster	NOUN
+for	ADP
+the	DET
+US	PROPN
+
+2,500	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+public	ADJ
+-	PUNCT
+diplomacy	NOUN
+officers	NOUN
+employed	VERB
+by	ADP
+the	DET
+State	PROPN
+Department	PROPN
+to	PART
+further	VERB
+the	DET
+image	NOUN
+of	ADP
+the	DET
+US	PROPN
+abroad	ADV
+in	ADP
+1991	NUM
+.	PUNCT
+
+1,200	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+public	ADJ
+-	PUNCT
+diplomacy	NOUN
+officers	NOUN
+employed	VERB
+by	ADP
+the	DET
+State	PROPN
+Department	PROPN
+to	PART
+further	VERB
+US	PROPN
+image	NOUN
+abroad	ADV
+in	ADP
+2004	NUM
+.	PUNCT
+
+4	NUM
+-	PUNCT
+Rank	NOUN
+of	ADP
+the	DET
+United	PROPN
+States	PROPN
+among	ADP
+countries	NOUN
+considered	VERB
+to	PART
+be	AUX
+the	DET
+greatest	ADJ
+threats	NOUN
+to	ADP
+world	NOUN
+peace	NOUN
+according	VERB
+to	ADP
+a	DET
+2003	NUM
+Pew	PROPN
+Global	PROPN
+Attitudes	PROPN
+study	NOUN
+(	PUNCT
+Israel	PROPN
+,	PUNCT
+Iran	PROPN
+,	PUNCT
+and	CCONJ
+North	PROPN
+Korea	PROPN
+were	AUX
+considered	VERB
+more	ADV
+dangerous	ADJ
+;	PUNCT
+Iraq	PROPN
+was	AUX
+considered	VERB
+less	ADV
+dangerous	ADJ
+)	PUNCT
+.	PUNCT
+
+$	SYM
+66	NUM
+b	NUM
+-	PUNCT
+Amount	NOUN
+the	DET
+United	PROPN
+States	PROPN
+spent	VERB
+on	ADP
+international	ADJ
+aid	NOUN
+and	CCONJ
+diplomacy	NOUN
+in	ADP
+1949	NUM
+.	PUNCT
+
+$	SYM
+23.8	NUM
+b	NUM
+-	PUNCT
+Amount	NOUN
+the	DET
+United	PROPN
+States	PROPN
+spent	VERB
+on	ADP
+international	ADJ
+aid	NOUN
+and	CCONJ
+diplomacy	NOUN
+in	ADP
+2002	NUM
+.	PUNCT
+
+85	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+Indonesians	PROPN
+who	PRON
+had	VERB
+an	DET
+unfavourable	ADJ
+image	NOUN
+of	ADP
+the	DET
+United	PROPN
+States	PROPN
+in	ADP
+2003	NUM
+.	PUNCT
+
+Second	ADJ
+-	PUNCT
+party	NOUN
+endorsements	NOUN
+
+90	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+Americans	PROPN
+who	PRON
+approved	VERB
+of	ADP
+the	DET
+way	NOUN
+Bush	PROPN
+was	AUX
+handling	VERB
+his	PRON
+job	NOUN
+as	ADP
+president	PROPN
+on	ADP
+26	NUM
+September	PROPN
+2001	NUM
+.	PUNCT
+
+67	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+Americans	PROPN
+who	PRON
+approved	VERB
+of	ADP
+the	DET
+way	NOUN
+Bush	PROPN
+was	AUX
+handling	VERB
+his	PRON
+job	NOUN
+as	ADP
+president	PROPN
+on	ADP
+26	NUM
+September	PROPN
+2002	NUM
+.	PUNCT
+
+54	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+Americans	PROPN
+who	PRON
+approved	VERB
+of	ADP
+the	DET
+way	NOUN
+Bush	PROPN
+was	AUX
+handling	VERB
+his	PRON
+job	NOUN
+as	ADP
+president	PROPN
+on	ADP
+30	NUM
+September	PROPN
+,	PUNCT
+2003	NUM
+.	PUNCT
+
+50	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+Americans	PROPN
+who	PRON
+approved	VERB
+of	ADP
+the	DET
+way	NOUN
+Bush	PROPN
+was	AUX
+handling	VERB
+his	PRON
+job	NOUN
+as	ADP
+president	PROPN
+on	ADP
+15	NUM
+October	PROPN
+2003	NUM
+.	PUNCT
+
+49	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+Americans	PROPN
+who	PRON
+approved	VERB
+of	ADP
+the	DET
+way	NOUN
+Bush	PROPN
+was	AUX
+handling	VERB
+his	PRON
+job	NOUN
+as	ADP
+president	PROPN
+in	ADP
+May	PROPN
+2004	NUM
+.	PUNCT
+
+More	ADV
+like	ADJ
+the	DET
+French	ADJ
+than	SCONJ
+he	PRON
+would	AUX
+care	VERB
+to	PART
+admit	VERB
+
+28	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+vacation	NOUN
+days	NOUN
+Bush	PROPN
+took	VERB
+in	ADP
+August	PROPN
+2003	NUM
+,	PUNCT
+the	DET
+second	ADV
+-	PUNCT
+longest	ADJ
+vacation	NOUN
+of	ADP
+any	DET
+president	NOUN
+in	ADP
+US	PROPN
+history	NOUN
+.	PUNCT
+
+(	PUNCT
+Record	NOUN
+holder	NOUN
+Richard	PROPN
+Nixon	PROPN
+.	PUNCT
+)	PUNCT
+
+13	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+vacation	NOUN
+days	NOUN
+the	DET
+average	ADJ
+American	PROPN
+receives	VERB
+each	DET
+Year	NOUN
+.	PUNCT
+
+28	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+vacation	NOUN
+days	NOUN
+Bush	PROPN
+took	VERB
+in	ADP
+August	PROPN
+2001	NUM
+,	PUNCT
+the	DET
+month	NOUN
+he	PRON
+received	VERB
+a	DET
+6	NUM
+August	PROPN
+Presidential	ADJ
+Daily	ADJ
+Briefing	NOUN
+headed	VERB
+"	PUNCT
+Osama	PROPN
+bin	PROPN
+Laden	PROPN
+Determined	ADJ
+to	PART
+Strike	VERB
+US	PROPN
+Targets	NOUN
+.	PUNCT
+"	PUNCT
+
+500	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+days	NOUN
+Bush	PROPN
+has	AUX
+spent	VERB
+all	DET
+or	CCONJ
+part	NOUN
+of	ADP
+his	PRON
+time	NOUN
+away	ADV
+from	ADP
+the	DET
+White	PROPN
+House	PROPN
+at	ADP
+his	PRON
+ranch	NOUN
+in	ADP
+Crawford	PROPN
+,	PUNCT
+Texas	PROPN
+,	PUNCT
+his	PRON
+parents	NOUN
+'	PART
+retreat	NOUN
+in	ADP
+Kennebunkport	PROPN
+,	PUNCT
+Maine	PROPN
+,	PUNCT
+or	CCONJ
+Camp	PROPN
+David	PROPN
+as	ADP
+of	ADP
+1	NUM
+April	PROPN
+2004	NUM
+.	PUNCT
+
+No	DET
+fool	NOUN
+when	ADV
+it	PRON
+comes	VERB
+to	ADP
+the	DET
+press	NOUN
+
+11	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+press	NOUN
+conferences	NOUN
+during	ADP
+his	PRON
+first	ADJ
+three	NUM
+years	NOUN
+in	ADP
+office	NOUN
+in	ADP
+which	PRON
+Bush	PROPN
+referred	VERB
+to	ADP
+questions	NOUN
+as	SCONJ
+being	AUX
+"	PUNCT
+trick	NOUN
+"	PUNCT
+ones	NOUN
+.	PUNCT
+
+Factors	NOUN
+in	ADP
+his	PRON
+favor	NOUN
+
+3	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+companies	NOUN
+that	PRON
+control	VERB
+the	DET
+US	PROPN
+voting	NOUN
+technology	NOUN
+market	NOUN
+.	PUNCT
+
+52	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+votes	NOUN
+cast	VERB
+during	ADP
+the	DET
+2002	NUM
+midterm	NOUN
+elections	NOUN
+that	PRON
+were	AUX
+recorded	VERB
+by	ADP
+Election	PROPN
+Systems	PROPN
+&	CCONJ
+Software	PROPN
+,	PUNCT
+the	DET
+largest	ADJ
+voting	NOUN
+-	PUNCT
+technology	NOUN
+firm	NOUN
+,	PUNCT
+a	DET
+big	ADJ
+Republican	ADJ
+donor	NOUN
+.	PUNCT
+
+29	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+votes	NOUN
+that	PRON
+will	AUX
+be	AUX
+cast	VERB
+via	ADP
+computer	NOUN
+voting	NOUN
+machines	NOUN
+that	PRON
+do	AUX
+n't	PART
+produce	VERB
+a	DET
+paper	NOUN
+record	NOUN
+.	PUNCT
+
+17	NUM
+-	PUNCT
+On	ADP
+17	NUM
+November	PROPN
+2001	NUM
+,	PUNCT
+The	DET
+Economist	PROPN
+printed	VERB
+a	DET
+correction	NOUN
+for	SCONJ
+having	AUX
+said	VERB
+George	PROPN
+Bush	PROPN
+was	AUX
+properly	ADV
+elected	VERB
+in	ADP
+2000	NUM
+.	PUNCT
+
+$	SYM
+113	NUM
+m	NUM
+-	PUNCT
+Amount	NOUN
+raised	VERB
+by	ADP
+the	DET
+Bush	PROPN
+-	PUNCT
+Cheney	PROPN
+2000	NUM
+campaign	NOUN
+,	PUNCT
+the	DET
+most	ADJ
+in	ADP
+American	ADJ
+electoral	ADJ
+history	NOUN
+.	PUNCT
+
+$	SYM
+185	NUM
+m	NUM
+-	PUNCT
+Amount	NOUN
+raised	VERB
+by	ADP
+the	DET
+Bush	PROPN
+-	PUNCT
+Cheney	PROPN
+2004	NUM
+re-election	NOUN
+campaign	NOUN
+,	PUNCT
+to	ADP
+the	DET
+end	NOUN
+of	ADP
+March	PROPN
+2004	NUM
+.	PUNCT
+
+$	SYM
+200	NUM
+m	NUM
+-	PUNCT
+Amount	NOUN
+that	PRON
+the	DET
+Bush	PROPN
+-	PUNCT
+Cheney	PROPN
+2004	NUM
+campaign	NOUN
+expects	VERB
+to	PART
+raise	VERB
+by	ADP
+November	PROPN
+2004	NUM
+.	PUNCT
+
+268	NUM
+Number	NOUN
+of	ADP
+Bush	PROPN
+-	PUNCT
+Cheney	PROPN
+fund	NOUN
+-	PUNCT
+raisers	NOUN
+who	PRON
+had	AUX
+earned	VERB
+Pioneer	NOUN
+status	NOUN
+(	PUNCT
+by	SCONJ
+raising	VERB
+$	SYM
+100,000	NUM
+each	DET
+)	PUNCT
+as	ADP
+of	ADP
+March	PROPN
+2004	NUM
+.	PUNCT
+
+187	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+Bush	PROPN
+-	PUNCT
+Cheney	PROPN
+fund	NOUN
+-	PUNCT
+raisers	NOUN
+who	PRON
+had	AUX
+earned	VERB
+Ranger	NOUN
+status	NOUN
+(	PUNCT
+by	SCONJ
+raising	VERB
+$	SYM
+200,000	NUM
+each	DET
+)	PUNCT
+as	ADP
+of	ADP
+March	PROPN
+2004	NUM
+.	PUNCT
+
+$	SYM
+64.2	NUM
+m	NUM
+-	PUNCT
+The	DET
+Amount	NOUN
+Pioneers	NOUN
+and	CCONJ
+Rangers	NOUN
+had	AUX
+raised	VERB
+for	ADP
+Bush	PROPN
+-	PUNCT
+Cheney	PROPN
+as	ADP
+of	ADP
+March	PROPN
+2004	NUM
+.	PUNCT
+
+85	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+Americans	PROPN
+who	PRON
+ca	AUX
+n't	PART
+Name	VERB
+the	DET
+Chief	PROPN
+Justice	PROPN
+of	ADP
+the	DET
+United	PROPN
+States	PROPN
+.	PUNCT
+
+69	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+Americans	PROPN
+who	PRON
+believed	VERB
+the	DET
+White	PROPN
+House	PROPN
+'s	PART
+claims	NOUN
+in	ADP
+September	PROPN
+2003	NUM
+that	SCONJ
+Saddam	PROPN
+Hussein	PROPN
+was	AUX
+personally	ADV
+involved	ADJ
+in	ADP
+the	DET
+11	NUM
+September	PROPN
+attacks	NOUN
+.	PUNCT
+
+34	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+Americans	PROPN
+who	PRON
+believed	VERB
+in	ADP
+June	PROPN
+2003	NUM
+that	SCONJ
+Saddam	PROPN
+'s	PART
+"	PUNCT
+weapons	NOUN
+of	ADP
+mass	ADJ
+destruction	NOUN
+"	PUNCT
+had	AUX
+been	AUX
+found	VERB
+.	PUNCT
+
+22	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+Americans	PROPN
+who	PRON
+believed	VERB
+in	ADP
+May	PROPN
+2003	NUM
+that	SCONJ
+Saddam	PROPN
+had	AUX
+used	VERB
+his	PRON
+WMDs	NOUN
+on	ADP
+US	PROPN
+forces	NOUN
+.	PUNCT
+
+85	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+American	ADJ
+young	ADJ
+adults	NOUN
+who	PRON
+can	AUX
+not	PART
+find	VERB
+Afghanistan	PROPN
+,	PUNCT
+Iraq	PROPN
+,	PUNCT
+or	CCONJ
+Israel	PROPN
+on	ADP
+a	DET
+map	NOUN
+.	PUNCT
+
+30	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+American	ADJ
+young	ADJ
+adults	NOUN
+who	PRON
+can	AUX
+not	PART
+find	VERB
+the	DET
+Pacific	PROPN
+Ocean	PROPN
+on	ADP
+a	DET
+map	NOUN
+.	PUNCT
+
+75	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+American	ADJ
+young	ADJ
+adults	NOUN
+who	PRON
+do	AUX
+n't	PART
+know	VERB
+the	DET
+population	NOUN
+of	ADP
+the	DET
+United	PROPN
+States	PROPN
+.	PUNCT
+
+53	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+Canadian	ADJ
+young	ADJ
+adults	NOUN
+who	PRON
+do	AUX
+n't	PART
+know	VERB
+the	DET
+population	NOUN
+of	ADP
+the	DET
+United	PROPN
+States	PROPN
+.	PUNCT
+
+11	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+American	ADJ
+young	ADJ
+adults	NOUN
+who	PRON
+can	AUX
+not	PART
+find	VERB
+the	DET
+United	PROPN
+States	PROPN
+on	ADP
+a	DET
+map	NOUN
+.	PUNCT
+
+30	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+Americans	PROPN
+who	PRON
+believe	VERB
+that	SCONJ
+"	PUNCT
+politics	NOUN
+and	CCONJ
+government	NOUN
+are	AUX
+too	ADV
+complicated	ADJ
+to	PART
+understand	VERB
+.	PUNCT
+"	PUNCT
+
+Another	DET
+factor	NOUN
+in	ADP
+his	PRON
+favor	NOUN
+
+70	NUM
+m	NUM
+-	PUNCT
+Estimated	VERB
+number	NOUN
+of	ADP
+Americans	PROPN
+who	PRON
+describe	VERB
+themselves	PRON
+as	ADP
+Evangelicals	PROPN
+who	PRON
+accept	VERB
+Jesus	PROPN
+Christ	PROPN
+as	ADP
+their	PRON
+personal	ADJ
+saviour	NOUN
+and	CCONJ
+who	PRON
+interpret	VERB
+the	DET
+Bible	PROPN
+as	ADP
+the	DET
+direct	ADJ
+word	NOUN
+of	ADP
+God	PROPN
+.	PUNCT
+
+23	NUM
+m	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+Evangelicals	PROPN
+who	PRON
+voted	VERB
+for	ADP
+Bush	PROPN
+in	ADP
+2000	NUM
+.	PUNCT
+
+50	NUM
+m	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+voters	NOUN
+in	ADP
+total	ADJ
+who	PRON
+voted	VERB
+for	ADP
+Bush	PROPN
+in	ADP
+2000	NUM
+.	PUNCT
+
+46	NUM
+-	PUNCT
+Percentage	NOUN
+of	ADP
+voters	NOUN
+who	PRON
+describe	VERB
+themselves	PRON
+as	ADP
+born	VERB
+-	PUNCT
+again	ADV
+Christians	PROPN
+.	PUNCT
+
+5	NUM
+-	PUNCT
+Number	NOUN
+of	ADP
+states	NOUN
+that	PRON
+do	AUX
+not	PART
+use	VERB
+the	DET
+word	NOUN
+"	PUNCT
+evolution	NOUN
+"	PUNCT
+in	ADP
+public	ADJ
+school	NOUN
+science	NOUN
+courses	NOUN
+.	PUNCT
+
+My	PRON
+dad	NOUN
+just	ADV
+does	AUX
+n't	PART
+understand	VERB
+?	PUNCT
+
+Ugh	INTJ
+my	PRON
+dad	NOUN
+is	AUX
+so	ADV
+stupid	ADJ
+...	PUNCT
+he	PRON
+just	ADV
+does	AUX
+n't	PART
+understand	VERB
+anything	PRON
+!	PUNCT
+
+I	PRON
+have	VERB
+5	NUM
+sisters	NOUN
+and	CCONJ
+so	ADV
+including	VERB
+my	PRON
+mom	NOUN
+...	PUNCT
+he	PRON
+is	AUX
+the	DET
+only	ADJ
+guy	NOUN
+in	ADP
+a	DET
+house	NOUN
+of	ADP
+six	NUM
+females	NOUN
+.	PUNCT
+
+Now	ADV
+I	PRON
+'m	AUX
+the	DET
+youngest	ADJ
+and	CCONJ
+I	PRON
+just	ADV
+got	VERB
+my	PRON
+period	NOUN
+so	ADV
+now	ADV
+we	PRON
+all	DET
+have	VERB
+ours	PRON
+and	CCONJ
+he	PRON
+thinks	VERB
+it	PRON
+'s	AUX
+a	DET
+good	ADJ
+thing	NOUN
+?	PUNCT
+
+He	PRON
+'s	AUX
+always	ADV
+like	ADP
+"	PUNCT
+ohh	INTJ
+you	PRON
+must	AUX
+be	AUX
+so	ADV
+happy	ADJ
+to	PART
+finally	ADV
+have	VERB
+yours	PRON
+,	PUNCT
+I	PRON
+wish	VERB
+I	PRON
+had	VERB
+mine	PRON
+!	PUNCT
+"	PUNCT
+and	CCONJ
+he	PRON
+is	AUX
+n't	PART
+even	ADV
+joking	VERB
+.	PUNCT
+
+I	PRON
+think	VERB
+just	ADV
+living	VERB
+in	ADP
+a	DET
+house	NOUN
+with	ADP
+so	ADV
+many	ADJ
+girls	NOUN
+is	AUX
+making	VERB
+him	PRON
+go	VERB
+crazy	ADJ
+?	PUNCT
+
+Yep	INTJ
+,	PUNCT
+the	DET
+females	NOUN
+are	AUX
+just	ADV
+getting	VERB
+to	ADP
+him	PRON
+...	PUNCT
+dads	NOUN
+..	PUNCT
+
+Do	AUX
+n't	PART
+blame	VERB
+him	PRON
+please	INTJ
+,	PUNCT
+he	PRON
+feels	VERB
+lonely	ADJ
+and	CCONJ
+wants	VERB
+to	PART
+show	VERB
+his	PRON
+attention	NOUN
+to	ADP
+all	DET
+of	ADP
+you	PRON
+to	PART
+look	VERB
+after	ADP
+you	PRON
+,	PUNCT
+please	INTJ
+forgive	VERB
+and	CCONJ
+sympathy	NOUN
+if	SCONJ
+he	PRON
+miss	VERB
+something	PRON
+.	PUNCT
+
+I	PRON
+am	AUX
+sorry	ADJ
+for	ADP
+him	PRON
+,	PUNCT
+he	PRON
+is	AUX
+a	DET
+good	ADJ
+dad	NOUN
+
+Equine	ADJ
+collages	NOUN
+uk	PROPN
+NEED	VERB
+HELP	NOUN
+!!!?	PUNCT
+
+Can	AUX
+somebody	PRON
+give	VERB
+me	PRON
+the	DET
+names	NOUN
+some	DET
+collages	NOUN
+that	PRON
+do	AUX
+post	VERB
+18	NUM
+(	PUNCT
+degrees	NOUN
+or	CCONJ
+foundation	NOUN
+degrees	VERB
+)	PUNCT
+in	ADP
+either	CCONJ
+:	PUNCT
+
+Horse	ADJ
+behaviour	NOUN
+/	PUNCT
+training	NOUN
+or	CCONJ
+
+Equine	ADJ
+psychology	NOUN
+
+No	DET
+one	NOUN
+employs	VERB
+people	NOUN
+from	ADP
+Hartpury	PROPN
+because	ADP
+of	SCONJ
+what	PRON
+they	PRON
+received	VERB
+on	ADP
+work	NOUN
+experience	NOUN
+.	PUNCT
+
+Merrist	PROPN
+Wood	PROPN
+(	PUNCT
+I	PRON
+'m	AUX
+there	ADV
+on	ADP
+a	DET
+NVQ	NOUN
+equine	ADJ
+course	NOUN
+)	PUNCT
+do	VERB
+HND	NOUN
+in	ADP
+equine	ADJ
+management	NOUN
+.	PUNCT
+
+Your	PRON
+best	ADJ
+bet	NOUN
+is	VERB
+to	PART
+look	VERB
+on	ADP
+UCAS	PROPN
+and	CCONJ
+do	VERB
+a	DET
+course	NOUN
+search	NOUN
+.	PUNCT
+
+Merrist	PROPN
+Wood	PROPN
+in	ADP
+Woking	PROPN
+in	ADP
+Surrey	PROPN
+.	PUNCT
+
+Moreton	PROPN
+Morrell	PROPN
+in	ADP
+Coventry	PROPN
+,	PUNCT
+Warwickshire	PROPN
+
+Hartpury	PROPN
+College	PROPN
+(	PUNCT
+I	PRON
+think	VERB
+that	PRON
+is	AUX
+the	DET
+name	NOUN
+,	PUNCT
+but	CCONJ
+if	SCONJ
+you	PRON
+type	VERB
+it	PRON
+in	ADV
+it	PRON
+should	AUX
+come	VERB
+up	ADV
+with	ADP
+an	DET
+alternative	ADJ
+suggestion	NOUN
+)	PUNCT
+,	PUNCT
+in	ADP
+Gloucestershire	PROPN
+.	PUNCT
+
+Go	VERB
+onto	ADP
+the	DET
+UCAS	PROPN
+website	NOUN
+,	PUNCT
+go	VERB
+onto	ADP
+course	NOUN
+search	NOUN
+and	CCONJ
+search	VERB
+for	ADP
+the	DET
+courses	NOUN
+you	PRON
+want	VERB
+to	PART
+do	VERB
+.	PUNCT
+
+They	PRON
+'ll	AUX
+give	VERB
+you	PRON
+a	DET
+comprehensive	ADJ
+list	NOUN
+of	ADP
+all	DET
+the	DET
+universities	NOUN
+that	PRON
+do	VERB
+the	DET
+courses	NOUN
+you	PRON
+want	VERB
+,	PUNCT
+plus	CCONJ
+all	DET
+the	DET
+information	NOUN
+you	PRON
+need	VERB
+to	PART
+apply	VERB
+.	PUNCT
+
+Besides	ADP
+from	ADP
+Pacquiao	PROPN
+,	PUNCT
+what	PRON
+else	ADJ
+is	AUX
+The	DET
+Philipines	PROPN
+famous	ADJ
+for	ADP
+?	PUNCT
+
+Cheap	ADJ
+hookers	NOUN
+
+You	PRON
+should	AUX
+n't	PART
+ask	VERB
+this	DET
+question	NOUN
+it	PRON
+'s	AUX
+intimidating	ADJ
+,	PUNCT
+if	SCONJ
+i	PRON
+tell	VERB
+you	PRON
+what	PRON
+people	NOUN
+knows	VERB
+about	ADP
+Philippines	PROPN
+you	PRON
+will	AUX
+blush	VERB
+,	PUNCT
+thank	VERB
+god	NOUN
+many	ADJ
+thinks	VERB
+i	PRON
+'m	AUX
+japanese	ADJ
+just	ADV
+because	ADP
+of	ADP
+the	DET
+way	NOUN
+i	PRON
+keep	VERB
+myself	PRON
+,	PUNCT
+the	DET
+way	NOUN
+i	PRON
+talk	VERB
+and	CCONJ
+treat	VERB
+people	NOUN
+,	PUNCT
+and	CCONJ
+the	DET
+way	NOUN
+i	PRON
+dress	VERB
+,	PUNCT
+so	ADV
+if	SCONJ
+you	PRON
+do	AUX
+n't	PART
+want	VERB
+nasty	ADJ
+,	PUNCT
+insulting	ADJ
+answers	NOUN
+especially	ADV
+from	ADP
+those	DET
+undesirable	ADJ
+migrants	NOUN
+like	ADP
+puttagenius	PROPN
+,	PUNCT
+caloy	PROPN
+,	PUNCT
+gro	PROPN
+science	PROPN
+,	PUNCT
+and	CCONJ
+irene	PROPN
+.	PUNCT
+
+In	ADP
+fact	NOUN
+Philippines	PROPN
+is	AUX
+famous	ADJ
+to	PART
+accept	VERB
+people	NOUN
+like	ADP
+these	DET
+people	NOUN
+i	PRON
+mentioned	VERB
+whose	PRON
+not	PART
+filipinos	PROPN
+but	CCONJ
+helping	VERB
+the	DET
+Philippines	PROPN
+to	PART
+plunge	VERB
+in	ADP
+the	DET
+pit	NOUN
+as	SCONJ
+they	PRON
+are	AUX
+the	DET
+rot	NOUN
+of	ADP
+the	DET
+country	NOUN
+.	PUNCT
+
+They	PRON
+need	VERB
+to	PART
+be	AUX
+expulse	VERB
+from	ADP
+the	DET
+country	NOUN
+and	CCONJ
+if	SCONJ
+they	PRON
+are	AUX
+not	PART
+there	ADV
+they	PRON
+should	AUX
+be	AUX
+banned	VERB
+entering	VERB
+the	DET
+country	NOUN
+to	PART
+plant	VERB
+their	PRON
+eggs	NOUN
+,	PUNCT
+as	SCONJ
+they	PRON
+are	AUX
+considered	VERB
+as	ADP
+the	DET
+rotten	ADJ
+left	NOUN
+overs	NOUN
+of	ADP
+dinasaurs	NOUN
+
+Being	AUX
+the	DET
+texting	NOUN
+capital	NOUN
+of	ADP
+the	DET
+world	NOUN
+.	PUNCT
+
+Would	AUX
+you	PRON
+recommend	VERB
+living	VERB
+in	ADP
+Limerick	PROPN
+as	ADP
+a	DET
+student	NOUN
+?	PUNCT
+
+I	PRON
+'ve	AUX
+been	AUX
+given	VERB
+the	DET
+opportunity	NOUN
+to	PART
+live	VERB
+in	ADP
+Limerick	PROPN
+,	PUNCT
+Ireland	PROPN
+,	PUNCT
+next	ADJ
+year	NOUN
+as	ADP
+part	NOUN
+of	ADP
+my	PRON
+course	NOUN
+..	PUNCT
+if	SCONJ
+you	PRON
+know	VERB
+about	ADP
+Limerick	PROPN
+,	PUNCT
+what	PRON
+are	AUX
+the	DET
+pros	NOUN
+and	CCONJ
+cons	NOUN
+?	PUNCT
+
+and	CCONJ
+would	AUX
+you	PRON
+recommend	VERB
+it	PRON
+as	ADP
+a	DET
+student	NOUN
+?	PUNCT
+
+The	DET
+L.I.T	PROPN
+is	AUX
+so	ADV
+close	ADJ
+to	ADP
+Moyross	PROPN
+,	PUNCT
+yet	CCONJ
+again	ADV
+the	DET
+ppl	NOUN
+who	PRON
+talk	VERB
+sh*t	NOUN
+about	ADP
+Moyross	PROPN
+still	ADV
+go	VERB
+there	ADV
+.	PUNCT
+
+Limerick	PROPN
+'s	AUX
+a	DET
+great	ADJ
+student	NOUN
+city	NOUN
+,	PUNCT
+there	PRON
+'s	VERB
+loads	NOUN
+on	ADV
+,	PUNCT
+you	PRON
+'ll	AUX
+be	AUX
+spoilt	VERB
+for	ADP
+choice	NOUN
+.	PUNCT
+
+In	ADP
+fact	NOUN
+,	PUNCT
+you	PRON
+probably	ADV
+wo	AUX
+n't	PART
+ever	ADV
+want	VERB
+to	PART
+leave	VERB
+.	PUNCT
+
+Orla	PROPN
+got	VERB
+it	PRON
+in	ADP
+one	NUM
+.	PUNCT
+
+Although	SCONJ
+there	PRON
+is	VERB
+'	PUNCT
+bad	ADJ
+press	NOUN
+'	PUNCT
+directing	VERB
+at	ADP
+AREA'S	NOUN
+of	ADP
+limerick	PROPN
+,	PUNCT
+but	CCONJ
+nowhere	ADV
+near	ADP
+the	DET
+university	NOUN
+.	PUNCT
+
+Limerick	PROPN
+is	AUX
+such	DET
+a	DET
+full	ADJ
+city	NOUN
+,	PUNCT
+shopping	NOUN
+,	PUNCT
+night	NOUN
+life	NOUN
+,	PUNCT
+career	NOUN
+choices	NOUN
+,	PUNCT
+social	ADJ
+choices	NOUN
+,	PUNCT
+I	PRON
+came	VERB
+here	ADV
+about	ADP
+12	NUM
+years	NOUN
+ago	ADV
+for	ADP
+college	NOUN
+.....	PUNCT
+and	CCONJ
+Orla	PROPN
+got	VERB
+it	PRON
+spot	ADV
+on	ADV
+,	PUNCT
+I	PRON
+have	AUX
+n't	PART
+left	VERB
+,	PUNCT
+nor	CCONJ
+would	AUX
+I	PRON
+.	PUNCT
+
+It	PRON
+s	AUX
+now	ADV
+my	PRON
+home	NOUN
+.	PUNCT
+
+My	PRON
+myTouch	PROPN
+4G	PROPN
+crashes	VERB
+with	ADP
+most	ADJ
+custom	ADJ
+ROMs	NOUN
+I	PRON
+install	VERB
+.	PUNCT
+
+Can	AUX
+that	PRON
+be	AUX
+fixed	VERB
+?	PUNCT
+
+I	PRON
+really	ADV
+like	VERB
+the	DET
+MIUI	PROPN
+,	PUNCT
+but	CCONJ
+a	DET
+process	NOUN
+crashes	VERB
+repeatedly	ADV
+about	ADV
+every	DET
+3	NUM
+seconds	NOUN
+.	PUNCT
+
+And	CCONJ
+I	PRON
+ca	AUX
+n't	PART
+even	ADV
+load	VERB
+the	DET
+newest	ADJ
+version	NOUN
+of	ADP
+Cyanogen	NOUN
+Mod	NOUN
+.	PUNCT
+
+not	PART
+by	ADP
+the	DET
+company	NOUN
+...	PUNCT
+as	SCONJ
+you	PRON
+voided	VERB
+your	PRON
+warrenty	NOUN
+by	SCONJ
+installing	VERB
+custom	ADJ
+roms	NOUN
+
+you	PRON
+are	AUX
+best	ADJ
+to	PART
+either	CCONJ
+recover	VERB
+to	ADP
+the	DET
+standard	NOUN
+ROM	NOUN
+,	PUNCT
+or	CCONJ
+find	VERB
+one	NUM
+that	PRON
+does	AUX
+n't	PART
+crash	VERB
+.	PUNCT
+
+cynangon	PROPN
+mod	PROPN
+should	AUX
+work	VERB
+.	PUNCT
+
+Have	AUX
+you	PRON
+tried	VERB
+using	VERB
+clockwork	NOUN
+recovery	NOUN
+?	PUNCT
+
+Get	VERB
+the	DET
+older	ADJ
+version	NOUN
+of	ADP
+Cynagon	PROPN
+mod	PROPN
+.	PUNCT
+
+Also	ADV
+you	PRON
+could	AUX
+use	VERB
+a	DET
+stable	ADJ
+rom	NOUN
+like	ADP
+bugless	PROPN
+beast	PROPN
+and	CCONJ
+baked	PROPN
+snake	PROPN
+.	PUNCT
+
+Those	DET
+roms	NOUN
+focus	VERB
+on	ADP
+speed	NOUN
+and	CCONJ
+stability	NOUN
+.	PUNCT
+
+Or	CCONJ
+you	PRON
+could	AUX
+just	ADV
+use	VERB
+a	DET
+home	NOUN
+screen	NOUN
+launcher	NOUN
+replacement	NOUN
+.	PUNCT
+
+I	PRON
+would	AUX
+recommend	VERB
+go	PROPN
+launcher	PROPN
+or	CCONJ
+adw	PROPN
+launcher	PROPN
+.	PUNCT
+
+They	PRON
+are	AUX
+both	ADV
+excellent	ADJ
+and	CCONJ
+speed	VERB
+up	ADP
+the	DET
+phone	NOUN
+quite	DET
+a	DET
+bit	NOUN
+.	PUNCT
+
+As	ADP
+a	DET
+mytouch	PROPN
+4g	PROPN
+owner	NOUN
+I	PRON
+know	VERB
+the	DET
+phone	NOUN
+is	AUX
+pretty	ADV
+fast	ADJ
+and	CCONJ
+their	PRON
+is	VERB
+no	DET
+point	NOUN
+installing	VERB
+a	DET
+rom	NOUN
+.	PUNCT
+
+Hope	VERB
+you	PRON
+read	VERB
+through	ADP
+this	PRON
+.	PUNCT
+
+are	AUX
+the	DET
+moors	NOUN
+and	CCONJ
+penines	NOUN
+in	ADP
+Yorkshire	PROPN
+a	DET
+lonely	ADJ
+eerie	ADJ
+place	NOUN
+?	PUNCT
+
+and	CCONJ
+how	ADV
+big	ADJ
+are	AUX
+they	PRON
+?	PUNCT
+
+i	PRON
+m	AUX
+33	NUM
+.	PUNCT
+
+i	PRON
+ve	AUX
+never	ADV
+been	AUX
+to	ADP
+the	DET
+yorkshire	PROPN
+moors	NOUN
+or	CCONJ
+penines	NOUN
+at	ADV
+all	ADV
+...	PUNCT
+i	PRON
+can	AUX
+see	VERB
+the	DET
+penines	NOUN
+in	ADP
+the	DET
+far	ADJ
+distance	NOUN
+from	ADP
+my	PRON
+bedroom	NOUN
+window	NOUN
+.	PUNCT
+
+when	ADV
+i	PRON
+watched	VERB
+werewolf	PROPN
+in	ADP
+london	PROPN
+(	PUNCT
+great	ADJ
+film	NOUN
+)	PUNCT
+that	PRON
+was	AUX
+the	DET
+only	ADJ
+time	NOUN
+i	PRON
+saw	VERB
+the	DET
+yorkshire	PROPN
+moors	NOUN
+.	PUNCT
+
+can	AUX
+anyone	PRON
+give	VERB
+me	PRON
+information	NOUN
+about	ADP
+them	PRON
+?	PUNCT
+
+They	PRON
+can	AUX
+be	AUX
+bleak	ADJ
+and	CCONJ
+eerie	ADJ
+,	PUNCT
+often	ADV
+very	ADV
+exposed	ADJ
+,	PUNCT
+often	ADV
+covered	ADJ
+with	ADP
+antiquities	NOUN
+like	ADP
+bronze	NOUN
+age	NOUN
+burial	NOUN
+mounds	NOUN
+,	PUNCT
+stone	NOUN
+circles	NOUN
+and	CCONJ
+settlements	NOUN
+--	PUNCT
+until	ADP
+late	ADV
+in	ADP
+the	DET
+bronze	NOUN
+age	NOUN
+they	PRON
+were	AUX
+rich	ADJ
+farmlands	NOUN
+,	PUNCT
+then	ADV
+a	DET
+change	NOUN
+in	ADP
+the	DET
+climate	NOUN
+caused	VERB
+the	DET
+skies	NOUN
+to	PART
+cloud	VERB
+over	ADV
+and	CCONJ
+rain	NOUN
+to	PART
+wash	VERB
+the	DET
+goodness	NOUN
+from	ADP
+the	DET
+soil	NOUN
+.	PUNCT
+
+The	DET
+people	NOUN
+abandoned	VERB
+their	PRON
+farms	NOUN
+and	CCONJ
+religious	ADJ
+sites	NOUN
+and	CCONJ
+the	DET
+ground	NOUN
+they	PRON
+stood	VERB
+on	ADP
+became	VERB
+moorland	NOUN
+.	PUNCT
+
+They	PRON
+can	AUX
+also	ADV
+be	AUX
+very	ADV
+beautiful	ADJ
+when	ADV
+the	DET
+purple	ADJ
+heather	NOUN
+is	AUX
+out	ADV
+,	PUNCT
+and	CCONJ
+they	PRON
+are	AUX
+habitat	NOUN
+to	ADP
+much	ADJ
+wildlife	NOUN
+and	CCONJ
+many	ADJ
+species	NOUN
+of	ADP
+wildflowers	NOUN
+.	PUNCT
+
+I	PRON
+have	VERB
+a	DET
+western	ADJ
+pleasure	NOUN
+appy	NOUN
+that	DET
+s	AUX
+really	ADV
+heavy	ADJ
+on	ADP
+her	PRON
+left	ADJ
+lead	NOUN
+at	ADP
+the	DET
+lope	NOUN
+?	PUNCT
+
+My	PRON
+appy	NOUN
+is	AUX
+very	ADV
+heavy	ADJ
+on	ADP
+her	PRON
+left	ADJ
+lead	NOUN
+at	ADP
+the	DET
+lope	NOUN
+.	PUNCT
+
+She	PRON
+seems	VERB
+to	PART
+lope	VERB
+one	NUM
+stride	NOUN
+and	CCONJ
+trot	VERB
+the	DET
+next	ADJ
+and	CCONJ
+repeat	VERB
+...	PUNCT
+
+How	ADV
+could	AUX
+I	PRON
+work	VERB
+with	ADP
+her	PRON
+to	PART
+get	VERB
+off	ADP
+her	PRON
+four	NUM
+hand	NOUN
+,	PUNCT
+get	VERB
+balance	NOUN
+,	PUNCT
+and	CCONJ
+lope	VERB
+smoothly	ADV
+and	CCONJ
+slowly	ADV
+??	PUNCT
+
+Put	VERB
+on	ADP
+a	DET
+pair	NOUN
+of	ADP
+spurs	NOUN
+and	CCONJ
+before	SCONJ
+she	PRON
+makes	VERB
+that	DET
+trot	NOUN
+step	NOUN
+,	PUNCT
+it	PRON
+'s	AUX
+in	ADP
+the	DET
+feeling	NOUN
+when	ADV
+you	PRON
+feel	VERB
+her	PRON
+think	VERB
+trot	NOUN
+,	PUNCT
+tick	VERB
+her	PRON
+with	ADP
+the	DET
+spur	NOUN
+and	CCONJ
+lift	VERB
+with	ADP
+your	PRON
+body	NOUN
+to	PART
+keep	VERB
+her	PRON
+moving	VERB
+.	PUNCT
+
+If	SCONJ
+you	PRON
+concentrate	VERB
+on	ADP
+that	DET
+feel	NOUN
+just	ADV
+before	ADP
+the	DET
+trot	NOUN
+you	PRON
+can	AUX
+figure	VERB
+it	PRON
+out	ADP
+and	CCONJ
+the	DET
+timing	NOUN
+is	AUX
+essential	ADJ
+to	PART
+push	VERB
+her	PRON
+at	ADP
+that	DET
+instant	NOUN
+.	PUNCT
+
+Lope	VERB
+her	PRON
+to	ADP
+the	DET
+left	NOUN
+in	ADP
+circles	NOUN
+,	PUNCT
+keep	VERB
+her	PRON
+head	NOUN
+to	ADP
+the	DET
+inside	NOUN
+of	ADP
+the	DET
+circle	NOUN
+and	CCONJ
+push	VERB
+her	PRON
+but	NOUN
+out	ADV
+,	PUNCT
+keep	VERB
+doing	VERB
+this	PRON
+if	SCONJ
+she	PRON
+breaks	VERB
+to	ADP
+a	DET
+jog	NOUN
+go	VERB
+a	DET
+little	ADJ
+bit	NOUN
+bigger	ADJ
+circle	NOUN
+,	PUNCT
+till	SCONJ
+she	PRON
+can	AUX
+get	VERB
+enough	ADJ
+balance	NOUN
+to	PART
+go	VERB
+small	ADJ
+and	CCONJ
+small	ADJ
+.	PUNCT
+circles	NOUN
+
+my	PRON
+new	ADJ
+OLYMPUS	PROPN
+X940	PROPN
+DIGITAL	ADJ
+CAMERA	NOUN
+...	PUNCT
+?	PUNCT
+
+hi	INTJ
+everyone	PRON
+....	PUNCT
+just	ADV
+hav	VERB
+my	PRON
+hands	NOUN
+on	ADP
+my	PRON
+new	ADJ
+OLYMPUS	PROPN
+X940	PROPN
+digital	ADJ
+camera	NOUN
+..	PUNCT
+wel	INTJ
+,	PUNCT
+i	PRON
+always	ADV
+wanted	VERB
+2	PART
+hav	VERB
+one	NUM
+by	ADP
+sony	PROPN
+..	PUNCT
+but	CCONJ
+anyways	ADV
+,	PUNCT
+ended	VERB
+up	ADP
+having	VERB
+olympus	PROPN
+X940	PROPN
+from	ADP
+my	PRON
+dad	NOUN
+.......	PUNCT
+does	AUX
+any1	PRON
+already	ADV
+has	VERB
+it	PRON
+?	PUNCT
+
+how	ADV
+has	VERB
+ur	PRON
+experience	NOUN
+with	ADP
+it	PRON
+?	PUNCT
+
+is	AUX
+it	PRON
+a	DET
+gud	ADJ
+option	NOUN
+for	ADP
+casual	ADJ
+/	PUNCT
+formal	ADJ
+functions	NOUN
+photography	NOUN
+?????	PUNCT
+
+wht	PRON
+abt	ADP
+its	PRON
+picture	NOUN
+quality	NOUN
+???	PUNCT
+
+is	AUX
+it	PRON
+comparable	ADJ
+to	ADP
+sony	PROPN
+products	NOUN
+or	CCONJ
+not	PART
+??	PUNCT
+
+it	PRON
+has	VERB
+14	NUM
+mega	X
+pixel	NOUN
+camera	NOUN
+...	PUNCT
+n	NOUN
+4	NUM
+x	SYM
+wide	ADJ
+optical	ADJ
+zoom	NOUN
+...	PUNCT
+
+ur	PRON
+answers	NOUN
+and	CCONJ
+reviews	NOUN
+wud	AUX
+be	AUX
+highly	ADV
+appreciated	VERB
+.......	PUNCT
+thanks	NOUN
+!!!!!!!	PUNCT
+
+Olympus	PROPN
+X	PROPN
+-	PUNCT
+940	NUM
+14	NUM
+Megapixel	NOUN
+Digital	ADJ
+Camera	NOUN
+has	VERB
+filters	NOUN
+and	CCONJ
+can	AUX
+do	VERB
+all	DET
+sorts	NOUN
+of	ADP
+special	ADJ
+effects	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+def	ADV
+worth	ADJ
+more	ADJ
+than	ADP
+the	DET
+price	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+VERY	ADV
+satisfied	ADJ
+.	PUNCT
+
+A	DET
+good	ADJ
+camera	NOUN
+for	ADP
+the	DET
+plain	ADJ
+point	NOUN
+and	CCONJ
+shoot	NOUN
+.	PUNCT
+
+My	PRON
+answer	NOUN
+is	VERB
+that	SCONJ
+we	PRON
+do	AUX
+n't	PART
+to	VERB
+text	NOUN
+speak	NOUN
+here	ADV
+...	PUNCT
+we	PRON
+type	VERB
+in	ADP
+English	PROPN
+.	PUNCT
+
+Get	VERB
+your	PRON
+English	PROPN
+in	ADP
+order	NOUN
+before	SCONJ
+writing	VERB
+here	ADV
+again	ADV
+please	INTJ
+.	PUNCT
+
+dead	ADJ
+pixel	NOUN
+of	ADP
+my	PRON
+photos	NOUN
+?	PUNCT
+
+just	ADV
+want	VERB
+to	PART
+ask	VERB
+..	PUNCT
+i	PRON
+have	VERB
+an	DET
+nikon	PROPN
+dslr	NOUN
+..	PUNCT
+i	PRON
+m	AUX
+wondering	VERB
+why	ADV
+if	SCONJ
+i	PRON
+zoom	VERB
+my	PRON
+picture	NOUN
+zoom	NOUN
+like	INTJ
+almost	ADV
+200	NUM
+-	SYM
+300	NUM
+percent	NOUN
+..	PUNCT
+i	PRON
+can	AUX
+see	VERB
+some	DET
+dead	ADJ
+pixel	NOUN
+...	PUNCT
+is	VERB
+there	PRON
+something	PRON
+wrong	ADJ
+with	ADP
+my	PRON
+camera	NOUN
+body	NOUN
+?	PUNCT
+
+lens	NOUN
+?	PUNCT
+
+or	CCONJ
+what	PRON
+?	PUNCT
+
+please	INTJ
+help	VERB
+me	PRON
+..	PUNCT
+and	CCONJ
+what	PRON
+should	AUX
+i	PRON
+do	VERB
+to	PART
+fix	VERB
+this	DET
+problem	NOUN
+?	PUNCT
+
+or	CCONJ
+it	PRON
+is	AUX
+normal	ADJ
+?	PUNCT
+
+Are	AUX
+you	PRON
+sure	ADJ
+it	PRON
+is	AUX
+n't	PART
+dirt	NOUN
+on	ADP
+the	DET
+sensor	NOUN
+?	PUNCT
+
+Put	VERB
+the	DET
+camera	NOUN
+on	ADP
+manual	ADJ
+focus	NOUN
+and	CCONJ
+set	VERB
+focus	NOUN
+to	ADP
+infinity	NOUN
+
+Take	VERB
+a	DET
+photo	NOUN
+of	ADP
+a	DET
+very	ADV
+light	ADJ
+plain	NOUN
+subject	NOUN
+close	ADJ
+to	ADP
+the	DET
+lens	NOUN
+using	VERB
+long	ADJ
+exposure	NOUN
+and	CCONJ
+smallest	ADJ
+aperture	NOUN
+you	PRON
+have	VERB
+-	PUNCT
+over	X
+expose	VERB
+by	ADP
+a	DET
+couple	NOUN
+of	ADP
+stops	NOUN
+
+You	PRON
+will	AUX
+see	VERB
+in	ADP
+the	DET
+image	NOUN
+if	SCONJ
+there	PRON
+is	VERB
+dirt	NOUN
+as	SCONJ
+that	PRON
+will	AUX
+be	AUX
+the	DET
+only	ADJ
+thing	NOUN
+in	ADP
+focus	NOUN
+
+Cure	NOUN
+is	VERB
+to	PART
+get	VERB
+the	DET
+sensor	NOUN
+cleaned	VERB
+
+There	PRON
+should	AUX
+be	VERB
+a	DET
+Pixel	NOUN
+Mapping	NOUN
+function	NOUN
+in	ADP
+the	DET
+menu	NOUN
+that	PRON
+will	AUX
+get	VERB
+rid	ADJ
+of	ADP
+them	PRON
+,	PUNCT
+most	ADJ
+sensors	NOUN
+have	VERB
+a	DET
+few	ADJ
+dead	ADJ
+and	CCONJ
+flipped	VERB
+pixels	NOUN
+,	PUNCT
+some	DET
+only	ADV
+show	VERB
+up	ADP
+on	ADP
+long	ADJ
+exposures	NOUN
+.	PUNCT
+
+Chris	PROPN
+
+New	PROPN
+Zealand	PROPN
+skilled	ADJ
+migrant	NOUN
+visa	NOUN
+?	PUNCT
+
+If	SCONJ
+you	PRON
+apply	VERB
+for	ADP
+a	DET
+skilled	ADJ
+migrant	NOUN
+worker	NOUN
+s	PART
+visa	NOUN
+and	CCONJ
+it	PRON
+is	AUX
+accepted	VERB
+do	AUX
+you	PRON
+have	VERB
+to	PART
+find	VERB
+work	NOUN
+in	ADP
+the	DET
+same	ADJ
+sector	NOUN
+as	ADP
+your	PRON
+skills	NOUN
+on	ADP
+your	PRON
+application	NOUN
+or	CCONJ
+can	AUX
+you	PRON
+take	VERB
+up	ADP
+other	ADJ
+work	NOUN
+if	SCONJ
+you	PRON
+ca	AUX
+n't	PART
+find	VERB
+something	PRON
+in	ADP
+your	PRON
+own	ADJ
+field	NOUN
+.	PUNCT
+
+I	PRON
+have	AUX
+posted	VERB
+this	DET
+question	NOUN
+on	ADP
+the	DET
+NZ	PROPN
+visa	NOUN
+site	NOUN
+and	CCONJ
+ca	AUX
+n't	PART
+get	VERB
+any	DET
+info	NOUN
+,	PUNCT
+does	AUX
+anyone	PRON
+know	VERB
+.???	PUNCT
+
+Watch	VERB
+out	ADP
+the	DET
+poles	NOUN
+are	AUX
+coming	VERB
+.....	PUNCT
+my	PRON
+little	ADJ
+butterfly	NOUN
+
+That	PRON
+would	AUX
+be	AUX
+preferable	ADJ
+but	CCONJ
+it	PRON
+does	AUX
+n't	PART
+matter	VERB
+,	PUNCT
+could	AUX
+be	AUX
+something	PRON
+similar	ADJ
+
+It	PRON
+depends	VERB
+on	ADP
+the	DET
+conditions	NOUN
+of	ADP
+your	PRON
+skilled	ADJ
+migrant	NOUN
+visa	NOUN
+.	PUNCT
+
+Your	PRON
+visa	NOUN
+should	AUX
+say	VERB
+whether	SCONJ
+or	CCONJ
+not	ADV
+you	PRON
+are	AUX
+restricted	VERB
+to	PART
+work	VERB
+in	ADP
+a	DET
+specific	ADJ
+sector	NOUN
+.	PUNCT
+
+If	SCONJ
+your	PRON
+visa	NOUN
+does	AUX
+not	PART
+restrict	VERB
+you	PRON
+from	SCONJ
+taking	VERB
+any	DET
+work	NOUN
+in	ADP
+New	PROPN
+Zealand	PROPN
+then	ADV
+you	PRON
+can	AUX
+work	VERB
+in	ADP
+any	DET
+sector	NOUN
+.	PUNCT
+
+It	PRON
+only	ADV
+matters	VERB
+if	SCONJ
+you	PRON
+received	VERB
+an	DET
+offer	NOUN
+of	ADP
+employment	NOUN
+or	CCONJ
+if	SCONJ
+you	PRON
+are	AUX
+currently	ADV
+working	VERB
+in	ADP
+New	PROPN
+Zealand	PROPN
+and	CCONJ
+used	VERB
+that	DET
+job	NOUN
+in	ADP
+your	PRON
+application	NOUN
+to	PART
+get	VERB
+your	PRON
+skilled	ADJ
+migrant	NOUN
+visa	NOUN
+.	PUNCT
+
+In	ADP
+Chicago	PROPN
+,	PUNCT
+what	PRON
+is	AUX
+the	DET
+best	ADJ
+restaurant	NOUN
+to	PART
+dine	VERB
+at	ADP
+on	ADP
+a	DET
+budget	NOUN
+?	PUNCT
+
+Downtown	NOUN
+Chicago	PROPN
+,	PUNCT
+Loop	PROPN
+,	PUNCT
+North	PROPN
+
+Take	VERB
+the	DET
+red	ADJ
+line	NOUN
+to	ADP
+Clark	PROPN
+,	PUNCT
+then	ADV
+you	PRON
+turn	VERB
+right	ADV
+.	PUNCT
+
+Walk	VERB
+2	NUM
+blocks	NOUN
+then	ADV
+turn	VERB
+right	ADV
+again	ADV
+.	PUNCT
+
+Walk	VERB
+2	NUM
+more	ADJ
+blocks	NOUN
+then	ADV
+cross	VERB
+the	DET
+street	NOUN
+.	PUNCT
+
+You	PRON
+will	AUX
+get	VERB
+to	ADP
+a	DET
+place	NOUN
+called	VERB
+"	PUNCT
+BIG	PROPN
+BOWL	PROPN
+"	PUNCT
+.	PUNCT
+
+THAI	ADJ
+FOOD	NOUN
+AND	CCONJ
+ASIAN	ADJ
+.	PUNCT
+
+BEST	ADJ
+PLACE	NOUN
+EVER	ADV
+!!!!!!!!!!!!	PUNCT
+
+McDonald	PROPN
+s	PART
+
+Not	PART
+necessarily	ADV
+the	DET
+restaurant	NOUN
+but	CCONJ
+what	PRON
+you	PRON
+order	VERB
+when	ADV
+you	PRON
+get	VERB
+there	ADV
+and	CCONJ
+what	DET
+time	NOUN
+you	PRON
+go	VERB
+.	PUNCT
+
+A	DET
+lunch	NOUN
+will	AUX
+be	AUX
+less	ADV
+expensive	ADJ
+than	ADP
+a	DET
+dinner	NOUN
+.	PUNCT
+
+You	PRON
+can	AUX
+order	VERB
+appetizers	NOUN
+rather	ADV
+than	ADP
+a	DET
+full	ADJ
+meal	NOUN
+and	CCONJ
+have	VERB
+just	ADV
+as	ADV
+good	ADJ
+a	DET
+dinner	NOUN
+.	PUNCT
+
+But	CCONJ
+the	DET
+best	ADJ
+way	NOUN
+is	VERB
+to	PART
+use	VERB
+coupons	NOUN
+.	PUNCT
+
+Check	VERB
+out	ADP
+http://www.restaurant.com	X
+lots	NOUN
+of	ADP
+restaurants	NOUN
+you	PRON
+can	AUX
+look	VERB
+at	ADP
+the	DET
+menu	NOUN
+and	CCONJ
+check	VERB
+out	ADP
+prices	NOUN
+.	PUNCT
+
+Yo	PRON
+also	ADV
+may	AUX
+want	VERB
+to	PART
+try	VERB
+"	PUNCT
+small	ADJ
+neighborhood	NOUN
+"	PUNCT
+restaurants	NOUN
+and	CCONJ
+support	VERB
+family	NOUN
+run	VERB
+places	NOUN
+rather	ADV
+than	ADP
+the	DET
+large	ADJ
+corporate	ADJ
+chains	NOUN
+.	PUNCT
+
+Not	PART
+that	SCONJ
+there	PRON
+is	VERB
+anything	PRON
+wrong	ADJ
+with	ADP
+that	PRON
+because	SCONJ
+they	PRON
+also	ADV
+employ	VERB
+local	ADJ
+people	NOUN
+that	PRON
+live	VERB
+and	CCONJ
+shop	VERB
+in	ADP
+the	DET
+area	NOUN
+.	PUNCT
+
+Is	VERB
+there	PRON
+any	DET
+cure	NOUN
+for	ADP
+mouse	NOUN
+poison	NOUN
+?	PUNCT
+
+I	PRON
+found	VERB
+a	DET
+poor	ADJ
+little	NOUN
+mouse	NOUN
+walking	VERB
+around	ADV
+in	ADP
+my	PRON
+friend	NOUN
+s	PART
+house	NOUN
+,	PUNCT
+and	CCONJ
+since	SCONJ
+I	PRON
+was	AUX
+able	ADJ
+to	PART
+catch	VERB
+it	PRON
+very	ADV
+easily	ADV
+(	PUNCT
+normally	ADV
+mice	NOUN
+move	VERB
+at	ADP
+the	DET
+speed	NOUN
+of	ADP
+light	NOUN
+)	PUNCT
+,	PUNCT
+and	CCONJ
+since	SCONJ
+it	PRON
+was	AUX
+acting	VERB
+unresponsive	ADJ
+,	PUNCT
+I	PRON
+thought	VERB
+it	PRON
+was	AUX
+infected	VERB
+with	ADP
+mouse	NOUN
+poison	NOUN
+,	PUNCT
+since	SCONJ
+my	PRON
+friend	NOUN
+uses	VERB
+it	PRON
+.	PUNCT
+
+I	PRON
+know	VERB
+that	SCONJ
+the	DET
+mouse	NOUN
+will	AUX
+probably	ADV
+die	VERB
+,	PUNCT
+but	CCONJ
+I	PRON
+was	AUX
+wondering	VERB
+if	SCONJ
+there	PRON
+is	VERB
+any	DET
+cure	NOUN
+for	ADP
+mouse	NOUN
+poison	NOUN
+?	PUNCT
+
+I	PRON
+just	ADV
+hate	VERB
+to	PART
+see	VERB
+the	DET
+poor	ADJ
+dears	NOUN
+experience	VERB
+a	DET
+slow	ADJ
+painful	ADJ
+death	NOUN
+that	DET
+way	NOUN
+:(	SYM
+.	PUNCT
+
+Without	SCONJ
+knowing	VERB
+the	DET
+exact	ADJ
+poison	NOUN
+,	PUNCT
+no	INTJ
+.	PUNCT
+
+A	DET
+common	ADJ
+one	NOUN
+is	AUX
+arsenic	NOUN
+and	CCONJ
+there	PRON
+really	ADV
+is	VERB
+n't	PART
+a	DET
+way	NOUN
+to	PART
+cure	VERB
+that	PRON
+.	PUNCT
+
+Take	VERB
+the	DET
+mouse	NOUN
+to	ADP
+an	DET
+emergency	NOUN
+vet	NOUN
+and	CCONJ
+have	VERB
+them	PRON
+use	VERB
+CO2	NOUN
+to	PART
+put	VERB
+the	DET
+mouse	NOUN
+to	ADP
+sleep	NOUN
+.	PUNCT
+
+Or	INTJ
+,	PUNCT
+you	PRON
+can	AUX
+put	VERB
+the	DET
+animal	NOUN
+in	ADP
+a	DET
+snap	NOUN
+trap	NOUN
+designed	VERB
+for	ADP
+rats	NOUN
+or	CCONJ
+mice	NOUN
+since	SCONJ
+that	PRON
+is	AUX
+the	DET
+only	ADJ
+really	ADV
+humane	ADJ
+kill	NOUN
+method	NOUN
+for	ADP
+invasive	ADJ
+animals	NOUN
+.	PUNCT
+
+A	DET
+quick	ADJ
+cure	NOUN
+would	AUX
+be	AUX
+Arm	PROPN
+&	CCONJ
+Hammer	PROPN
+to	ADP
+it's	PRON
+head	NOUN
+.	PUNCT
+
+Crayola	PROPN
+Air	NOUN
+-	PUNCT
+Dry	NOUN
+Clay	NOUN
+?	PUNCT
+
+Ok	INTJ
+.	PUNCT
+
+So	ADV
+I	PRON
+have	VERB
+a	DET
+VERY	ADV
+long	ADJ
+list	NOUN
+of	ADP
+people	NOUN
+I	PRON
+want	VERB
+to	PART
+make	VERB
+Xmas	PROPN
+gifts	NOUN
+for	ADP
+and	CCONJ
+one	NUM
+of	ADP
+them	PRON
+is	AUX
+my	PRON
+best	ADJ
+friend	NOUN
+.	PUNCT
+
+She	PRON
+loves	VERB
+giraffes	NOUN
+and	CCONJ
+homemade	ADJ
+things	NOUN
+!	PUNCT
+
+I	PRON
+am	AUX
+very	ADV
+artistic	ADJ
+so	ADV
+I	PRON
+decided	VERB
+I	PRON
+was	AUX
+going	VERB
+to	PART
+make	VERB
+her	PRON
+a	DET
+giraffe	NOUN
+sculpture	NOUN
+.	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+have	VERB
+much	ADJ
+money	NOUN
+so	ADV
+I	PRON
+bought	VERB
+Crayola	PROPN
+Air	NOUN
+-	PUNCT
+Dry	NOUN
+Clay	NOUN
+.	PUNCT
+
+I	PRON
+have	AUX
+sculpted	VERB
+the	DET
+giraffe	NOUN
+laying	VERB
+down	ADV
+.	PUNCT
+
+The	DET
+key	NOUN
+is	VERB
+...	PUNCT
+I	PRON
+have	VERB
+a	DET
+few	ADJ
+problems	NOUN
+:	PUNCT
+
+1	X
+.	PUNCT
+I	PRON
+tested	VERB
+it	PRON
+out	ADP
+by	SCONJ
+making	VERB
+a	DET
+figure	NOUN
+boat	NOUN
+
+And	CCONJ
+after	ADP
+4	NUM
+days	NOUN
+when	ADV
+it	PRON
+dried	VERB
+it	PRON
+was	AUX
+very	ADV
+fragile	ADJ
+!	PUNCT
+
+(	PUNCT
+like	INTJ
+VERY	ADV
+not	PART
+in	ADP
+a	DET
+good	ADJ
+way	NOUN
+)	PUNCT
+
+Is	VERB
+there	PRON
+any	DET
+way	NOUN
+to	PART
+strengthen	VERB
+it	PRON
+?	PUNCT
+
+2	X
+.	PUNCT
+What	DET
+kind	NOUN
+of	ADP
+paint	NOUN
+do	AUX
+I	PRON
+use	VERB
+to	PART
+paint	VERB
+the	DET
+giraffe	NOUN
+?	PUNCT
+
+3	X
+.	PUNCT
+Is	VERB
+there	PRON
+any	DET
+cheap	ADJ
+way	NOUN
+to	PART
+give	VERB
+it	PRON
+a	DET
+shine	NOUN
+like	SCONJ
+I	PRON
+made	VERB
+it	PRON
+in	ADP
+a	DET
+kiln	NOUN
+?	PUNCT
+
+air	NOUN
+dry	NOUN
+clay	NOUN
+works	VERB
+on	ADP
+armatures	NOUN
+,	PUNCT
+the	DET
+clay	NOUN
+has	VERB
+a	DET
+minor	ADJ
+shrink	NOUN
+percent	NOUN
+,	PUNCT
+so	ADV
+you	PRON
+can	AUX
+leave	VERB
+the	DET
+wire	NOUN
+armature	NOUN
+inside	ADV
+,	PUNCT
+paint	VERB
+with	ADP
+acrylic	ADJ
+paint	NOUN
+
+taking	VERB
+young	ADJ
+cat	NOUN
+with	ADP
+me	PRON
+for	ADP
+a	DET
+week	NOUN
+out	ADP
+of	ADP
+state	NOUN
+?	PUNCT
+
+good	ADJ
+idea	NOUN
+?	PUNCT
+
+i	PRON
+have	VERB
+a	DET
+3	NUM
+-	SYM
+4	NUM
+month	NOUN
+old	ADJ
+kitten	NOUN
+and	CCONJ
+i	PRON
+live	VERB
+in	ADP
+forida	PROPN
+.	PUNCT
+
+i	PRON
+am	AUX
+going	VERB
+to	ADP
+my	PRON
+grandma	NOUN
+s	PART
+in	ADP
+north	PROPN
+carolina	PROPN
+and	CCONJ
+we	PRON
+are	AUX
+going	VERB
+camping	VERB
+in	ADP
+a	DET
+cabin	NOUN
+in	ADP
+west	PROPN
+virginia	PROPN
+.	PUNCT
+
+My	PRON
+cat	NOUN
+is	AUX
+a	DET
+outside	ADJ
+cat	NOUN
+but	CCONJ
+she	PRON
+loves	VERB
+it	PRON
+inside	ADV
+.	PUNCT
+
+she	PRON
+is	AUX
+also	ADV
+good	ADJ
+in	ADP
+a	DET
+carrier	NOUN
+.	PUNCT
+
+Should	AUX
+i	PRON
+bring	VERB
+her	PRON
+?	PUNCT
+
+if	SCONJ
+so	ADV
+how	ADV
+quick	ADV
+will	AUX
+she	PRON
+adapt	VERB
+to	ADP
+a	DET
+litter	NOUN
+box	NOUN
+inside	ADV
+?	PUNCT
+
+thanks	NOUN
+
+We	PRON
+took	VERB
+our	PRON
+cat	NOUN
+Mitten	PROPN
+camping	VERB
+.	PUNCT
+
+He	PRON
+loved	VERB
+it	PRON
+.	PUNCT
+
+But	CCONJ
+he	PRON
+was	AUX
+an	DET
+inside	ADJ
+/	PUNCT
+outside	ADJ
+cat	NOUN
+(	PUNCT
+only	ADV
+one	NUM
+I	PRON
+owned	VERB
+-	PUNCT
+rest	NOUN
+have	AUX
+been	AUX
+100	NUM
+0nside	ADJ
+cats	NOUN
+)	PUNCT
+.	PUNCT
+
+He	PRON
+was	AUX
+trained	VERB
+to	ADP
+a	DET
+harness	NOUN
+/	PUNCT
+leash	NOUN
+for	ADP
+outside	ADJ
+time	NOUN
+but	CCONJ
+he	PRON
+knew	VERB
+to	PART
+use	VERB
+the	DET
+litter	NOUN
+pan	NOUN
+inside	ADV
+.	PUNCT
+
+If	SCONJ
+your	PRON
+cat	NOUN
+is	AUX
+not	PART
+trained	VERB
+to	PART
+use	VERB
+the	DET
+litter	NOUN
+pan	NOUN
+,	PUNCT
+you	PRON
+may	AUX
+have	VERB
+a	DET
+problem	NOUN
+taking	VERB
+her	PRON
+.	PUNCT
+
+NO	INTJ
+!	PUNCT
+
+changing	VERB
+its	PRON
+surroundings	NOUN
+too	ADV
+often	ADV
+will	AUX
+stress	VERB
+it	PRON
+out	ADP
+and	CCONJ
+it	PRON
+will	AUX
+get	VERB
+depressed	ADJ
+,	PUNCT
+mean	ADJ
+,	PUNCT
+sick	ADJ
+,	PUNCT
+or	CCONJ
+will	AUX
+not	PART
+want	VERB
+to	PART
+be	AUX
+around	ADP
+you	PRON
+.	PUNCT
+
+What	DET
+cleaners	NOUN
+should	AUX
+I	PRON
+use	VERB
+for	SCONJ
+dusting	VERB
+around	ADP
+my	PRON
+parakeet	NOUN
+?	PUNCT
+
+What	DET
+cleaners	NOUN
+can	AUX
+I	PRON
+use	VERB
+to	PART
+dust	VERB
+around	ADP
+my	PRON
+budgie	NOUN
+.	PUNCT
+
+Would	AUX
+pledge	PROPN
+be	AUX
+ok	ADJ
+?	PUNCT
+
+If	SCONJ
+not	PART
+,	PUNCT
+what	PRON
+is	VERB
+?	PUNCT
+
+Your	PRON
+best	ADJ
+bet	NOUN
+would	AUX
+just	ADV
+be	AUX
+a	DET
+swiffer	PROPN
+duster	NOUN
+--	PUNCT
+they	PRON
+do	AUX
+n't	PART
+require	VERB
+cleaner	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+must	AUX
+use	VERB
+a	DET
+cleaner	NOUN
+,	PUNCT
+pledge	PROPN
+should	AUX
+be	AUX
+fine	ADJ
+if	SCONJ
+the	DET
+area	NOUN
+that	PRON
+you	PRON
+keep	VERB
+your	PRON
+parakeet	NOUN
+in	ADP
+is	VERB
+well	ADV
+ventilated	VERB
+.	PUNCT
+
+I	PRON
+have	AUX
+had	VERB
+parakeets	NOUN
+for	ADP
+a	DET
+VERY	ADV
+long	ADJ
+time	NOUN
+,	PUNCT
+and	CCONJ
+I	PRON
+use	VERB
+pledge	PROPN
+.	PUNCT
+
+Just	ADV
+keep	VERB
+a	DET
+window	NOUN
+open	ADJ
+for	ADP
+a	DET
+while	NOUN
+for	SCONJ
+fresh	ADJ
+air	NOUN
+to	PART
+circulate	VERB
+.	PUNCT
+
+I	PRON
+agree	VERB
+w	ADP
+the	DET
+answer	NOUN
+from	ADP
+Nothing	PROPN
+.	PUNCT
+
+Even	ADV
+a	DET
+cotton	NOUN
+cloth	NOUN
+(	PUNCT
+I	PRON
+like	VERB
+diapers	NOUN
+)	PUNCT
+that	PRON
+is	AUX
+barely	ADV
+damp	ADJ
+w	ADP
+water	NOUN
+will	AUX
+work	VERB
+fine	ADV
+.	PUNCT
+
+Swiffer	PROPN
+or	CCONJ
+any	DET
+type	NOUN
+of	ADP
+micro-fiber	ADJ
+cloth	NOUN
+is	AUX
+excellent	ADJ
+.	PUNCT
+
+I	PRON
+use	VERB
+Miracle	PROPN
+Cloth	PROPN
+,	PUNCT
+they	PRON
+'re	AUX
+fantastic	ADJ
+,	PUNCT
+just	ADV
+do	AUX
+n't	PART
+use	VERB
+fabric	NOUN
+softener	NOUN
+or	CCONJ
+dryer	NOUN
+sheets	NOUN
+when	ADV
+cleaning	VERB
+them	PRON
+,	PUNCT
+it	PRON
+ruins	VERB
+their	PRON
+"	PUNCT
+grabbing	VERB
+"	PUNCT
+ability	NOUN
+.	PUNCT
+
+http://www.solutions.com/jump.jsp?itemID=1361&itemType=PRODUCT&path=1%2C3%2C477&iProductID=1361	X
+If	SCONJ
+anything	PRON
+you	PRON
+use	VERB
+has	VERB
+a	DET
+strong	ADJ
+or	CCONJ
+lingering	VERB
+fragrance	NOUN
+it	PRON
+can	AUX
+bother	VERB
+or	CCONJ
+potentially	ADV
+injure	VERB
+the	DET
+bird	NOUN
+.	PUNCT
+
+RP	NOUN
+:	PUNCT
+Is	AUX
+it	PRON
+wrong	ADJ
+to	PART
+want	VERB
+to	PART
+remove	VERB
+a	DET
+contact	NOUN
+because	SCONJ
+they	PRON
+are	AUX
+really	ADV
+really	ADV
+stupid	ADJ
+...	PUNCT
+?	PUNCT
+
+I	PRON
+did	AUX
+n't	PART
+get	VERB
+to	PART
+read	VERB
+the	DET
+answers	NOUN
+lol	INTJ
+:(	SYM
+
+I	PRON
+'m	AUX
+not	PART
+gon	VERB
+na	PART
+say	VERB
+who	PRON
+,	PUNCT
+they	PRON
+are	AUX
+on	ADV
+now	ADV
+.	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+want	VERB
+them	PRON
+to	PART
+commit	VERB
+suicide	NOUN
+or	CCONJ
+something	PRON
+haha	INTJ
+
+LOL	INTJ
+Callum	PROPN
+
+no	INTJ
+no	INTJ
+no	INTJ
+no	INTJ
+no	INTJ
+no	INTJ
+
+it	PRON
+s	AUX
+definitely	ADV
+not	PART
+you	PRON
+.	PUNCT
+
+no	INTJ
+
+It	PRON
+s	AUX
+not	PART
+any	DET
+of	ADP
+you	PRON
+lol	INTJ
+
+i	PRON
+emailed	VERB
+you	PRON
+saaaaaam	PROPN
+.	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+know	VERB
+.	PUNCT
+
+how	ADV
+did	AUX
+you	PRON
+know	VERB
+.	PUNCT
+
+it	PRON
+'s	AUX
+not	PART
+me	PRON
+is	AUX
+it	PRON
+!?	PUNCT
+
+I	PRON
+'m	AUX
+mostly	ADV
+joking	VERB
+when	ADV
+I	PRON
+talk	VERB
+about	ADP
+suicide	NOUN
+and	CCONJ
+really	ADV
+I	PRON
+'m	AUX
+not	PART
+that	ADV
+stupid	ADJ
+I	PRON
+just	ADV
+get	VERB
+in	ADP
+stupid	ADJ
+situations	NOUN
+D:	SYM
+
+i	PRON
+guz	VERB
+what	PRON
+lol	INTJ
+
+whoooooo	PRON
+?	PUNCT
+
+sorry	INTJ
+but	CCONJ
+i	PRON
+ca	AUX
+n't	PART
+help	VERB
+my	PRON
+stupidity	NOUN
+=(	SYM
+
+EDIT	NOUN
+:	PUNCT
+I	PRON
+love	VERB
+how	ADV
+she	PRON
+says	VERB
+it	PRON
+'s	AUX
+not	PART
+callum	PROPN
+but	CCONJ
+does	AUX
+n't	PART
+deny	VERB
+it	PRON
+'s	AUX
+me	PRON
+....	PUNCT
+i	PRON
+think	VERB
+we	PRON
+all	DET
+know	VERB
+who	PRON
+she	PRON
+'s	AUX
+talking	VERB
+about	ADP
+...	PUNCT
+
+EDIT	NOUN
+:	PUNCT
+now	ADV
+i	PRON
+'m	AUX
+curious	ADJ
+...	PUNCT
+
+EDIT	NOUN
+:	PUNCT
+How	ADV
+did	AUX
+I	PRON
+know	VERB
+...	PUNCT
+
+lol	INTJ
+they	PRON
+really	ADV
+are	AUX
+n't	PART
+that	ADV
+much	ADV
+worse	ADJ
+than	ADP
+me	PRON
+
+and	CCONJ
+their	PRON
+gpa	NOUN
+was	AUX
+better	ADJ
+than	ADP
+mine	PRON
+....	PUNCT
+
+can	AUX
+i	PRON
+buy	VERB
+a	DET
+laptop	NOUN
+in	ADP
+u.k	PROPN
+and	CCONJ
+then	ADV
+take	VERB
+it	PRON
+to	ADP
+rep.	PROPN
+ireland	PROPN
+and	CCONJ
+put	VERB
+a	DET
+irish	ADJ
+pay	VERB
+,	PUNCT
+go	VERB
+dongle	NOUN
+in	ADP
+it	PRON
+?	PUNCT
+
+i	PRON
+want	VERB
+to	PART
+buy	VERB
+a	DET
+laptop	NOUN
+for	ADP
+my	PRON
+girlfriend	NOUN
+in	ADP
+ireland	PROPN
+,	PUNCT
+would	AUX
+she	PRON
+be	AUX
+able	ADJ
+to	PART
+just	ADV
+use	VERB
+the	DET
+dongle	NOUN
+she	PRON
+uses	VERB
+for	ADP
+her	PRON
+pc	NOUN
+and	CCONJ
+put	VERB
+it	PRON
+straight	ADV
+in	ADP
+the	DET
+laptop	NOUN
+and	CCONJ
+it	PRON
+work	VERB
+like	ADP
+normall	ADJ
+?	PUNCT
+
+thanks	NOUN
+people	NOUN
+
+Yes	INTJ
+obviously	ADV
+the	DET
+USB	NOUN
+is	AUX
+region	NOUN
+free	ADJ
+which	PRON
+means	VERB
+you	PRON
+can	AUX
+use	VERB
+it	PRON
+anywhere	ADV
+.	PUNCT
+
+And	CCONJ
+every	DET
+computer	NOUN
+manufactured	VERB
+in	ADP
+both	DET
+Ireland	PROPN
+&	CCONJ
+the	DET
+UK	PROPN
+are	AUX
+Region	PROPN
+2	NUM
+aka	ADV
+PAL	NOUN
+.	PUNCT
+
+There	PRON
+wo	AUX
+n't	PART
+be	VERB
+a	DET
+difference	NOUN
+since	SCONJ
+mobile	ADJ
+broadband	NOUN
+is	AUX
+supposed	VERB
+to	PART
+be	AUX
+digital	ADJ
+.	PUNCT
+
+But	CCONJ
+word	NOUN
+of	ADP
+advice	NOUN
+if	SCONJ
+you	PRON
+'re	AUX
+get	VERB
+your	PRON
+girlfriend	NOUN
+a	DET
+laptop	NOUN
+make	VERB
+sure	ADJ
+it	PRON
+s	AUX
+a	DET
+good	ADJ
+brand	NOUN
+a	CCONJ
+not	ADV
+something	PRON
+like	ADP
+DELL	PROPN
+,	PUNCT
+Acer	PROPN
+,	PUNCT
+Asus	PROPN
+,	PUNCT
+eMachines	PROPN
+etc	X
+.	PUNCT
+
+just	ADV
+a	DET
+heads	NOUN
+up	NOUN
+.	PUNCT
+
+yes	INTJ
+of	ADV
+course	ADV
+you	PRON
+can	AUX
+....	PUNCT
+
+I	PRON
+have	VERB
+many	ADJ
+friends	NOUN
+that	PRON
+have	VERB
+laptops	NOUN
+bought	VERB
+in	ADP
+the	DET
+UK	PROPN
+that	PRON
+use	VERB
+them	PRON
+here	ADV
+
+If	SCONJ
+in	ADP
+dongle	NOUN
+you	PRON
+mean	VERB
+USB	NOUN
+stick	NOUN
+then	ADV
+yes	INTJ
+USB	NOUN
+sticks	NOUN
+are	AUX
+the	DET
+same	ADJ
+any	X
+were	ADV
+you	PRON
+go	VERB
+:)	SYM
+hope	VERB
+that	PRON
+answered	VERB
+your	PRON
+question	NOUN
+.	PUNCT
+
+How	ADV
+do	AUX
+I	PRON
+take	VERB
+care	NOUN
+of	ADP
+my	PRON
+newborn	ADJ
+baby	NOUN
+fish	NOUN
+?	PUNCT
+
+I	PRON
+am	AUX
+nervous	ADJ
+that	SCONJ
+my	PRON
+other	ADJ
+fish	NOUN
+will	AUX
+eat	VERB
+them	PRON
+,	PUNCT
+and	CCONJ
+I	PRON
+do	AUX
+n't	PART
+know	VERB
+what	PRON
+to	PART
+feed	VERB
+them	PRON
+!	PUNCT
+
+I	PRON
+have	AUX
+counted	VERB
+around	ADV
+25	NUM
+of	ADP
+them	PRON
+and	CCONJ
+they	PRON
+currently	ADV
+reside	VERB
+in	ADP
+a	DET
+20	NUM
+gallon	NOUN
+tank	NOUN
+.	PUNCT
+
+You	PRON
+could	AUX
+move	VERB
+all	DET
+the	DET
+babies	NOUN
+into	ADP
+a	DET
+fry	NOUN
+net	NOUN
+breeder	NOUN
+or	CCONJ
+move	VERB
+all	DET
+of	ADP
+the	DET
+bigger	ADJ
+fish	NOUN
+(	PUNCT
+also	ADV
+the	DET
+parents	NOUN
+)	PUNCT
+to	ADP
+a	DET
+different	ADJ
+tank	NOUN
+to	PART
+avoid	VERB
+the	DET
+babies	NOUN
+getting	AUX
+eaten	VERB
+.	PUNCT
+
+Feed	VERB
+the	DET
+babies	NOUN
+3	NUM
+-	SYM
+4	NUM
+times	NOUN
+a	DET
+day	NOUN
+with	ADP
+flakes	NOUN
+.	PUNCT
+
+Provide	VERB
+plenty	NOUN
+of	ADP
+hiding	NOUN
+places	NOUN
+like	ADP
+rocks	NOUN
+,	PUNCT
+plants	NOUN
+,	PUNCT
+etc	X
+in	ADP
+the	DET
+tank	NOUN
+.	PUNCT
+
+It	PRON
+s	AUX
+natural	ADJ
+for	SCONJ
+some	DET
+babies	NOUN
+to	PART
+be	AUX
+eaten	VERB
+by	ADP
+adults	NOUN
+and	CCONJ
+if	SCONJ
+all	DET
+of	ADP
+them	PRON
+survived	VERB
+your	PRON
+tank	NOUN
+would	AUX
+be	AUX
+very	ADV
+overcrowded	ADJ
+.	PUNCT
+
+Look	VERB
+in	ADP
+the	DET
+pet	NOUN
+stores	VERB
+for	ADP
+"	PUNCT
+fry	NOUN
+food	NOUN
+"	PUNCT
+or	CCONJ
+"	PUNCT
+baby	ADJ
+fish	NOUN
+foods	NOUN
+"	PUNCT
+.	PUNCT
+
+what	DET
+kind	NOUN
+of	ADP
+newborn	ADJ
+fish	NOUN
+you	PRON
+have	VERB
+?	PUNCT
+
+some	DET
+parents	NOUN
+would	AUX
+not	PART
+eat	VERB
+there	PRON
+fish	NOUN
+till	ADP
+a	DET
+certain	ADJ
+age	NOUN
+jack	NOUN
+dempsey	NOUN
+for	ADP
+example	NOUN
+would	AUX
+not	PART
+eat	VERB
+there	PRON
+offspring	NOUN
+till	SCONJ
+they	PRON
+mature	VERB
+but	CCONJ
+i	PRON
+would	AUX
+move	VERB
+the	DET
+baby	NOUN
+fish	NOUN
+into	ADP
+a	DET
+smaller	ADJ
+tank	NOUN
+and	CCONJ
+feed	VERB
+them	PRON
+flakes	NOUN
+
+I	PRON
+have	VERB
+a	DET
+question	NOUN
+about	ADP
+McDonald	PROPN
+'s	PART
+Monopoly	PROPN
+!	PUNCT
+
+Please	INTJ
+HELP	VERB
+!!!!!!!!!!!!!!!!!!!!!	PUNCT
+
+If	SCONJ
+you	PRON
+can	AUX
+?	PUNCT
+
+TEN	NUM
+POINTS	NOUN
+!!!!!!!!!!?	PUNCT
+
+Ok	INTJ
+,	PUNCT
+I	PRON
+know	VERB
+that	SCONJ
+Mcdonald	PROPN
+'s	PART
+has	VERB
+Monopoly	NOUN
+going	VERB
+on	ADP
+right	ADV
+now	ADV
+.	PUNCT
+
+&	CCONJ
+I	PRON
+wan	VERB
+na	PART
+know	VERB
+what	DET
+food	NOUN
+has	VERB
+the	DET
+game	NOUN
+pieces	NOUN
+.	PUNCT
+
+And	CCONJ
+what	DET
+food	NOUN
+has	VERB
+EXTRA	ADJ
+game	NOUN
+pieces	NOUN
+.	PUNCT
+
+Because	SCONJ
+Large	ADJ
+Fries	NOUN
+give	VERB
+you	PRON
+FOUR	NUM
+PIECES	NOUN
+!	PUNCT
+
+When	ADV
+most	ADJ
+of	ADP
+the	DET
+food	NOUN
+or	CCONJ
+drinks	NOUN
+I	PRON
+got	VERB
+only	ADV
+included	VERB
+two	NUM
+!	PUNCT
+
+So	ADV
+can	AUX
+somebody	PRON
+please	INTJ
+list	VERB
+ALL	DET
+of	ADP
+the	DET
+food	NOUN
+that	PRON
+includes	VERB
+the	DET
+game	NOUN
+pieces	NOUN
+,	PUNCT
+and	CCONJ
+the	DET
+number	NOUN
+of	ADP
+game	NOUN
+pieces	NOUN
+you	PRON
+get	VERB
+with	ADP
+THAT	DET
+FOOD	NOUN
+!	PUNCT
+
+PLEASE	INTJ
+!!!!!!	PUNCT
+
+The	DET
+person	NOUN
+who	PRON
+best	ADV
+explains	VERB
+this	PRON
+,	PUNCT
+and	CCONJ
+helps	VERB
+me	PRON
+out	ADP
+the	DET
+best	ADV
+with	ADP
+my	PRON
+question	NOUN
+will	AUX
+be	AUX
+REWARDED	VERB
+WITH	ADP
+TEN	NUM
+POINTS	NOUN
+!!!!!!!	PUNCT
+
+PLEASE	INTJ
+HELP	VERB
+!!!!!!!!!!!	PUNCT
+
+THANK	VERB
+YOU	PRON
+!!!!!!!!!!!!!	PUNCT
+:D	SYM
+
+scroll	VERB
+down	ADV
+and	CCONJ
+this	DET
+website	NOUN
+shows	VERB
+each	DET
+thing	NOUN
+you	PRON
+can	AUX
+buy	VERB
+(:	SYM
+
+http://www.playatmcd.com/en-us/Main/Gameboard	X
+
+4	NUM
+Peels	NOUN
+:	PUNCT
+
+-	PUNCT
+20	NUM
+piece	NOUN
+Chicken	PROPN
+McNuggets	PROPN
+
+-	PUNCT
+Large	ADJ
+fries	NOUN
+
+2	NUM
+Peels	NOUN
+:	PUNCT
+
+-	PUNCT
+Big	PROPN
+Mac	PROPN
+
+-	PUNCT
+10	NUM
+piece	NOUN
+Chicken	PROPN
+McNuggets	PROPN
+
+-	PUNCT
+Medium	ADJ
+Fountain	NOUN
+Drink	NOUN
+
+-	PUNCT
+McCAFE	PROPN
+Drink	NOUN
+
+-	PUNCT
+Filet	PROPN
+-	PUNCT
+O	ADP
+-	PUNCT
+Fish	PROPN
+
+-	PUNCT
+Hash	NOUN
+Browns	NOUN
+
+-	PUNCT
+Egg	PROPN
+McMuffin	PROPN
+,	PUNCT
+Sausage	NOUN
+
+-	PUNCT
+Fruit	NOUN
+&	CCONJ
+Maple	NOUN
+Oatmeal	NOUN
+
+bearded	ADJ
+dragon	NOUN
+spikes	NOUN
+?	PUNCT
+
+bit	NOUN
+of	ADP
+a	DET
+stupid	ADJ
+question	NOUN
+but	CCONJ
+do	AUX
+the	DET
+spikes	NOUN
+/	PUNCT
+spines	NOUN
+(	PUNCT
+whatever	DET
+you	PRON
+call	VERB
+them	PRON
+)	PUNCT
+on	ADP
+their	PRON
+side	NOUN
+and	CCONJ
+face	NOUN
+area	NOUN
+ever	ADV
+go	VERB
+hard	ADJ
+.	PUNCT
+
+or	CCONJ
+are	AUX
+they	PRON
+just	ADV
+supposed	VERB
+to	PART
+look	VERB
+like	SCONJ
+they	PRON
+are	VERB
+so	SCONJ
+nothing	PRON
+will	AUX
+try	VERB
+to	PART
+eat	VERB
+them	PRON
+
+becca	PROPN
+is	AUX
+right	ADJ
+.	PUNCT
+
+i	PRON
+v	AUX
+owned	VERB
+beardies	NOUN
+for	ADP
+ovr	ADP
+3	NUM
+yrs	NOUN
+and	CCONJ
+i	PRON
+handle	VERB
+mine	PRON
+all	DET
+the	DET
+time	NOUN
+..	PUNCT
+they	PRON
+do	AUX
+nt	PART
+go	VERB
+hard	ADJ
+lik	ADP
+eneedle	NOUN
+hard	ADJ
+but	CCONJ
+they	PRON
+ar	VERB
+nt	PART
+pillow	NOUN
+soft	ADJ
+.	PUNCT
+
+they	PRON
+use	VERB
+them	PRON
+to	PART
+look	VERB
+prickly	ADJ
+..	PUNCT
+would	AUX
+you	PRON
+try	VERB
+to	PART
+eat	VERB
+a	DET
+cactus	NOUN
+[	PUNCT
+if	SCONJ
+u	PRON
+had	VERB
+no	DET
+knife	NOUN
+]	PUNCT
+i	PRON
+know	VERB
+i	PRON
+would	AUX
+nt	PART
+.	PUNCT
+
+they	PRON
+puff	VERB
+out	ADV
+to	PART
+look	VERB
+bigger	ADJ
+and	CCONJ
+badder	ADJ
+and	CCONJ
+they	PRON
+can	AUX
+scratch	VERB
+you	PRON
+a	DET
+lil	NOUN
+if	SCONJ
+u	PRON
+r	AUX
+holding	VERB
+them	PRON
+to	ADV
+tight	ADV
+:)	SYM
+
+They	PRON
+re	AUX
+not	PART
+really	ADV
+hard	ADJ
+.	PUNCT
+
+Beardies	NOUN
+are	AUX
+actually	ADV
+quite	ADV
+delicate	ADJ
+.	PUNCT
+
+I	PRON
+'m	AUX
+assuming	VERB
+it	PRON
+'s	VERB
+to	PART
+scare	VERB
+off	ADP
+predators	NOUN
+/	PUNCT
+like	SCONJ
+how	ADV
+they	PRON
+will	AUX
+puff	VERB
+up	ADP
+their	PRON
+neck	NOUN
+spikes	NOUN
+to	PART
+make	VERB
+them	PRON
+look	VERB
+bigger	ADJ
+to	ADP
+predators	NOUN
+or	CCONJ
+enemies	NOUN
+.	PUNCT
+
+they	PRON
+do	AUX
+nt	PART
+hurt	VERB
+unless	SCONJ
+you	PRON
+r	AUX
+stupid	ADJ
+enough	ADJ
+to	PART
+press	VERB
+on	ADP
+them	PRON
+.	PUNCT
+
+They	PRON
+just	ADV
+are	VERB
+there	ADV
+as	ADP
+an	DET
+adaptation	NOUN
+.	PUNCT
+
+what	PRON
+is	AUX
+a	DET
+kimberwick	NOUN
+bit	NOUN
+used	VERB
+for	ADP
+?	PUNCT
+
+Used	VERB
+as	ADP
+a	DET
+help	NOUN
+for	ADP
+horses	NOUN
+that	PRON
+are	AUX
+quite	ADV
+strong	ADJ
+pullers	NOUN
+while	SCONJ
+hacking	VERB
+,	PUNCT
+hunting	VERB
+and	CCONJ
+doing	VERB
+cross	NOUN
+country	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+a	DET
+curb	NOUN
+bit	NOUN
+with	ADP
+a	DET
+ported	ADJ
+mouth	NOUN
+piece	NOUN
+and	CCONJ
+some	DET
+horses	NOUN
+appreciate	VERB
+this	PRON
+to	PART
+give	VERB
+them	PRON
+more	ADJ
+room	NOUN
+in	ADP
+their	PRON
+mouths	NOUN
+for	ADP
+their	PRON
+tongues	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+not	PART
+as	ADV
+precise	ADJ
+as	ADP
+a	DET
+pelham	NOUN
+bit	NOUN
+because	SCONJ
+it	PRON
+only	ADV
+uses	VERB
+one	NUM
+rein	NOUN
+,	PUNCT
+though	SCONJ
+the	DET
+modern	ADJ
+ones	NOUN
+have	VERB
+two	NUM
+or	CCONJ
+three	NUM
+slots	NOUN
+on	ADP
+which	PRON
+to	PART
+put	VERB
+the	DET
+reins	NOUN
+.	PUNCT
+
+The	DET
+lower	ADJ
+the	DET
+reins	NOUN
+,	PUNCT
+the	DET
+stronger	ADJ
+the	DET
+action	NOUN
+and	CCONJ
+the	DET
+lower	ADJ
+the	DET
+reins	NOUN
+the	DET
+stronger	ADJ
+the	DET
+action	NOUN
+on	ADP
+the	DET
+poll	NOUN
+too	ADV
+.	PUNCT
+
+Useful	ADJ
+for	ADP
+younger	ADJ
+kids	NOUN
+who	PRON
+do	AUX
+not	PART
+have	VERB
+big	ADJ
+enough	ADJ
+hands	NOUN
+or	CCONJ
+the	DET
+ability	NOUN
+to	PART
+handle	VERB
+two	NUM
+reins	NOUN
+independently	ADV
+.	PUNCT
+
+For	ADP
+horses	NOUN
+that	PRON
+are	AUX
+strong	ADJ
+pullers	NOUN
+.	PUNCT
+
+It	PRON
+just	ADV
+gives	VERB
+you	PRON
+a	DET
+little	ADJ
+leverage	NOUN
+and	CCONJ
+curb	NOUN
+pressure	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+nice	ADJ
+for	ADP
+horses	NOUN
+that	PRON
+need	VERB
+a	DET
+little	ADJ
+more	ADJ
+than	ADP
+a	DET
+snaffle	NOUN
+.	PUNCT
+
+I	PRON
+know	VERB
+that	PRON
+'s	AUX
+vague	ADJ
+,	PUNCT
+but	CCONJ
+it	PRON
+depends	VERB
+on	ADP
+the	DET
+horse	NOUN
+.	PUNCT
+
+The	DET
+rider	NOUN
+needs	VERB
+to	PART
+have	VERB
+independent	ADJ
+hands	NOUN
+as	ADV
+well	ADV
+,	PUNCT
+because	SCONJ
+you	PRON
+do	AUX
+NOT	PART
+want	VERB
+to	PART
+pull	VERB
+too	ADV
+hard	ADV
+on	ADP
+a	DET
+bit	NOUN
+like	ADP
+that	PRON
+.	PUNCT
+;)	SYM
+
+How	ADV
+long	ADV
+to	PART
+save	VERB
+up	ADP
+for	ADP
+a	DET
+canon	PROPN
+t3i	PROPN
+?	PUNCT
+
+I	PRON
+want	VERB
+to	PART
+save	VERB
+up	ADP
+for	ADP
+a	DET
+canon	PROPN
+t3i	NOUN
+,	PUNCT
+around	ADV
+750	NUM
+-	SYM
+800	NUM
++	SYM
+:(	SYM
+
+I	PRON
+'m	AUX
+currently	ADV
+12	NUM
+and	CCONJ
+I	PRON
+get	VERB
+about	ADV
+20	NUM
+dollars	NOUN
+a	DET
+week	NOUN
+for	ADP
+lunch	NOUN
+,	PUNCT
+sometimes	ADV
+a	DET
+bit	NOUN
+more	ADJ
+,	PUNCT
+I	PRON
+plan	VERB
+to	PART
+save	VERB
+10	NUM
+dollars	NOUN
+every	DET
+week	NOUN
+:)	SYM
+
+My	PRON
+birthday	NOUN
+is	AUX
+in	ADP
+november	PROPN
+and	CCONJ
+I	PRON
+get	VERB
+about	ADV
+....	PUNCT
+150	NUM
+or	CCONJ
+more	ADJ
+since	SCONJ
+i	PRON
+hate	VERB
+my	PRON
+dad	NOUN
+s	PART
+family	ADV
+..	PUNCT
+haha	INTJ
+
+Chinese	ADJ
+new	ADJ
+year	NOUN
+~	SYM
+300	NUM
+
+christmas	PROPN
+~	SYM
+100	NUM
+
+and	CCONJ
+yeaa	INTJ
+...	PUNCT
+
+Can	AUX
+someone	PRON
+cunclude	VERB
+how	ADV
+long	ADV
+it	PRON
+might	AUX
+take	VERB
+me	PRON
+to	PART
+save	VERB
+up	ADP
+for	ADP
+the	DET
+canan	PROPN
+t3i	NOUN
+or	CCONJ
+some	DET
+extra	ADJ
+tips	NOUN
+to	PART
+save	VERB
+/	PUNCT
+gain	VERB
+money	NOUN
+?	PUNCT
+:O	SYM
+
+Hey	INTJ
+,	PUNCT
+
+Be	AUX
+happy	ADJ
+you	PRON
+get	VERB
+a	DET
+bit	NOUN
+,	PUNCT
+many	ADJ
+of	ADP
+us	PRON
+never	ADV
+got	VERB
+nothing	PRON
+:)	SYM
+
+There	PRON
+'s	VERB
+a	DET
+Canon	PROPN
+EOS	NOUN
+T2i	NOUN
+,	PUNCT
+with	ADP
+the	DET
+exact	ADJ
+same	ADJ
+sensor	NOUN
+,	PUNCT
+just	ADV
+no	DET
+articulating	NOUN
+screen	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+around	ADV
+$	SYM
+100	NUM
+less	ADJ
+,	PUNCT
+which	PRON
+means	VERB
+you	PRON
+get	VERB
+the	DET
+same	ADJ
+camera	NOUN
+but	CCONJ
+quicker	ADV
+!	PUNCT
+
+Here	ADV
+'s	AUX
+a	DET
+DSLR	NOUN
+Buying	NOUN
+Guide	NOUN
+-	PUNCT
+http://www.the-dslr-photographer.com/2009/11/which-dslr-to-buy/	X
+
+Do	AUX
+n't	PART
+worry	VERB
+about	ADP
+it	PRON
+.	PUNCT
+
+If	SCONJ
+you	PRON
+ca	AUX
+n't	PART
+even	ADV
+do	VERB
+basic	ADJ
+math	NOUN
+,	PUNCT
+you	PRON
+'ll	AUX
+never	ADV
+figure	VERB
+out	ADP
+how	ADV
+to	PART
+use	VERB
+a	DET
+DSLR	NOUN
+camera	NOUN
+properly	ADV
+.	PUNCT
+
+hey	INTJ
+kido	NOUN
+u	PRON
+made	VERB
+me	PRON
+smile	VERB
+
+does	AUX
+the	DET
+POP	NOUN
+drying	NOUN
+time	NOUN
+slow	VERB
+down	ADP
+if	SCONJ
+it	PRON
+not	PART
+exposed	VERB
+to	ADP
+air	NOUN
+?	PUNCT
+
+it	PRON
+s	AUX
+for	ADP
+a	DET
+craft	NOUN
+project	NOUN
+.....	PUNCT
+i	PRON
+want	VERB
+to	PART
+use	VERB
+it	PRON
+the	DET
+way	NOUN
+u	PRON
+would	AUX
+use	VERB
+icing	NOUN
+....	PUNCT
+
+took	VERB
+a	DET
+bit	NOUN
+of	ADP
+searching	NOUN
+to	PART
+discover	VERB
+that	SCONJ
+POP	NOUN
+is	AUX
+probably	ADV
+PoP	NOUN
+-	PUNCT
+plaster	NOUN
+of	ADP
+Paris	PROPN
+and	CCONJ
+yes	INTJ
+plaster	NOUN
+of	ADP
+Paris	PROPN
+will	AUX
+slow	VERB
+way	ADV
+down	ADV
+if	SCONJ
+it	PRON
+is	AUX
+not	PART
+exposed	VERB
+to	ADP
+air	NOUN
+-	PUNCT
+in	ADP
+fact	NOUN
+,	PUNCT
+if	SCONJ
+you	PRON
+are	AUX
+building	VERB
+up	ADP
+plaster	NOUN
+(	PUNCT
+"	PUNCT
+the	DET
+way	NOUN
+you	PRON
+would	AUX
+icing	NOUN
+"	PUNCT
+)	PUNCT
+to	PART
+do	VERB
+sculpting	NOUN
+,	PUNCT
+which	PRON
+is	AUX
+rather	ADV
+uncommon	ADJ
+,	PUNCT
+you	PRON
+keep	VERB
+the	DET
+set	ADJ
+plaster	NOUN
+damp	ADJ
+in	ADP
+order	NOUN
+to	PART
+add	VERB
+more	ADJ
+unset	ADJ
+plaster	NOUN
+or	CCONJ
+you	PRON
+have	VERB
+to	PART
+wet	VERB
+the	DET
+area	NOUN
+where	ADV
+you	PRON
+will	AUX
+be	AUX
+adding	VERB
+plaster	NOUN
+"	PUNCT
+mud	NOUN
+"	PUNCT
+
+Plaster	NOUN
+of	ADP
+Paris	PROPN
+does	VERB
+two	NUM
+things	NOUN
+
+-	PUNCT
+it	PRON
+chemically	ADV
+sets	VERB
+-	PUNCT
+gets	VERB
+warm	ADJ
+to	ADP
+hot	ADJ
+then	ADV
+cools	VERB
+down	ADP
+and	CCONJ
+hard	ADJ
+and	CCONJ
+
+-	PUNCT
+it	PRON
+dries	VERB
+out	ADP
+,	PUNCT
+losing	VERB
+the	DET
+water	NOUN
+that	PRON
+is	AUX
+soaked	VERB
+into	ADP
+the	DET
+set	ADJ
+structure	NOUN
+
+For	ADP
+example	NOUN
+,	PUNCT
+a	DET
+set	ADJ
+plaster	NOUN
+mold	NOUN
+that	PRON
+is	VERB
+to	PART
+be	AUX
+used	VERB
+for	ADP
+clay	NOUN
+slip	NOUN
+casting	NOUN
+must	AUX
+be	AUX
+dry	ADJ
+-	PUNCT
+it	PRON
+gets	VERB
+wet	ADJ
+pulling	VERB
+the	DET
+water	NOUN
+out	ADP
+of	ADP
+the	DET
+slip	NOUN
+-	PUNCT
+while	SCONJ
+a	DET
+set	ADJ
+plaster	NOUN
+mold	NOUN
+used	VERB
+for	ADP
+molding	NOUN
+wax	NOUN
+must	AUX
+be	AUX
+soaking	ADJ
+or	CCONJ
+damp	ADJ
+wet	ADJ
+http://www.mikegigi.com/castgobl.htm#LGGOBPROJ	X
+
+Dwarf	ADJ
+Hamster	NOUN
+Making	VERB
+Too	ADV
+Much	ADJ
+Noise	NOUN
+On	ADP
+Wheel	NOUN
+at	ADP
+Night	NOUN
+?	PUNCT
+
+I	PRON
+'m	AUX
+getting	VERB
+a	DET
+dwarf	ADJ
+Hamster	NOUN
+tomorrow	NOUN
+And	CCONJ
+i	PRON
+was	AUX
+just	ADV
+talking	VERB
+to	ADP
+my	PRON
+Mom	PROPN
+and	CCONJ
+she	PRON
+said	VERB
+that	SCONJ
+we	PRON
+have	VERB
+to	PART
+take	VERB
+out	ADP
+the	DET
+wheel	NOUN
+at	ADP
+night	NOUN
+because	SCONJ
+it	PRON
+would	AUX
+disturb	VERB
+her	PRON
+sleep	NOUN
+But	CCONJ
+i	PRON
+told	VERB
+her	PRON
+no	INTJ
+because	SCONJ
+i	PRON
+said	VERB
+thei	PRON
+r	AUX
+energetic	ADJ
+at	ADP
+night	NOUN
+at	CCONJ
+my	PRON
+room	NOUN
+is	AUX
+right	ADV
+next	ADJ
+door	NOUN
+to	ADP
+hers	PRON
+But	CCONJ
+i	PRON
+heard	VERB
+their	PRON
+are	VERB
+wheels	NOUN
+that	PRON
+do	AUX
+nt	PART
+make	VERB
+noise	NOUN
+at	ADV
+all	ADV
+what	PRON
+would	AUX
+be	AUX
+the	DET
+price	NOUN
+of	ADP
+it	PRON
+?	PUNCT
+
+I	PRON
+'m	AUX
+quite	ADV
+sure	ADJ
+,	PUNCT
+you	PRON
+do	AUX
+n't	PART
+even	ADV
+have	VERB
+to	PART
+buy	VERB
+another	DET
+,	PUNCT
+all	DET
+you	PRON
+need	VERB
+to	PART
+do	VERB
+,	PUNCT
+is	VERB
+to	PART
+pour	VERB
+some	DET
+oil	NOUN
+on	ADP
+the	DET
+wheel	NOUN
+,	PUNCT
+or	CCONJ
+even	ADV
+put	VERB
+some	DET
+rubber	NOUN
+on	ADP
+it's	PRON
+edges	NOUN
+,	PUNCT
+the	DET
+part	NOUN
+that	PRON
+is	AUX
+making	VERB
+the	DET
+noise	NOUN
+.	PUNCT
+
+That	PRON
+might	AUX
+work	VERB
+
+Super	PROPN
+Pet	PROPN
+Silent	PROPN
+Spinner	PROPN
+Exercise	PROPN
+Wheel	PROPN
+
+Our	PRON
+Price	NOUN
+:	PUNCT
+$	SYM
+10.99	NUM
+to	ADP
+12.99	NUM
+PETSMART	PROPN
+!	PUNCT
+
+works	VERB
+well	ADV
+lasts	VERB
+long	ADV
+.	PUNCT
+
+I	PRON
+have	VERB
+a	DET
+dwarf	ADJ
+hamster	NOUN
+who	PRON
+HATES	VERB
+his	PRON
+wheel	NOUN
+and	CCONJ
+does	AUX
+n't	PART
+use	VERB
+it	PRON
+-	PUNCT
+
+he	PRON
+makes	VERB
+so	ADV
+much	ADV
+MORE	ADJ
+noise	NOUN
+,	PUNCT
+as	SCONJ
+he	PRON
+plays	VERB
+and	CCONJ
+digs	VERB
+and	CCONJ
+jumps	VERB
+(	PUNCT
+seriously	ADV
+)	PUNCT
+
+wheels	NOUN
+are	AUX
+relatively	ADV
+noiseless	ADJ
+-	PUNCT
+
+a	DET
+few	ADJ
+squeaks	NOUN
+from	ADP
+a	DET
+wheel	NOUN
+are	AUX
+better	ADJ
+than	ADP
+the	DET
+full	ADJ
+wrath	NOUN
+of	ADP
+a	DET
+bored	ADJ
+pet	NOUN
+!	PUNCT
+
+Change	NOUN
+of	ADP
+boarding	NOUN
+station	NOUN
+?	PUNCT
+
+How	ADV
+can	AUX
+I	PRON
+change	VERB
+my	PRON
+boarding	NOUN
+station	NOUN
+against	ADP
+the	DET
+ticket	NOUN
+I	PRON
+booked	VERB
+a	DET
+month	NOUN
+back	ADV
+from	ADP
+counter	NOUN
+?	PUNCT
+
+My	PRON
+origin	NOUN
+Station	NOUN
+is	AUX
+Howrah	PROPN
+,	PUNCT
+but	CCONJ
+I	PRON
+want	VERB
+to	PART
+board	VERB
+at	ADP
+Asansol	PROPN
+..	PUNCT
+
+Does	AUX
+your	PRON
+train	NOUN
+pass	VERB
+Asansol	PROPN
+when	ADV
+starting	VERB
+from	ADP
+Howrah	PROPN
+?	PUNCT
+
+If	SCONJ
+yes	INTJ
+,	PUNCT
+you	PRON
+do	AUX
+n't	PART
+need	VERB
+to	PART
+change	VERB
+it	PRON
+because	SCONJ
+you	PRON
+board	VERB
+later	ADV
+.	PUNCT
+
+If	SCONJ
+no	INTJ
+,	PUNCT
+you	PRON
+'ll	AUX
+have	VERB
+to	PART
+go	VERB
+to	ADP
+one	NUM
+of	ADP
+the	DET
+train	NOUN
+stations	NOUN
+.	PUNCT
+
+In	ADP
+Calcutta	PROPN
+there	ADV
+is	VERB
+a	DET
+Foreigner	NOUN
+'s	PART
+reservation	NOUN
+office	NOUN
+where	ADV
+they	PRON
+speak	VERB
+English	PROPN
+very	ADV
+well	ADV
+.	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+remember	VERB
+near	ADP
+which	DET
+station	NOUN
+it	PRON
+is	VERB
+though	ADV
+.	PUNCT
+
+They	PRON
+can	AUX
+help	VERB
+you	PRON
+and	CCONJ
+it	PRON
+is	AUX
+close	ADV
+to	ADP
+a	DET
+train	NOUN
+station	NOUN
+in	ADP
+Calcutta	PROPN
+so	ADV
+check	VERB
+a	DET
+few	ADJ
+big	ADJ
+ones	NOUN
+?	PUNCT
+
+Even	ADV
+if	SCONJ
+you	PRON
+do	AUX
+n't	PART
+find	VERB
+the	DET
+foreigner	NOUN
+'s	PART
+office	NOUN
+you	PRON
+'ll	AUX
+be	AUX
+fine	ADJ
+in	ADP
+the	DET
+normal	ADJ
+Reservation	NOUN
+Office	NOUN
+of	ADP
+any	DET
+big	ADJ
+train	NOUN
+station	NOUN
+.	PUNCT
+
+This	PRON
+is	AUX
+where	ADV
+you	PRON
+can	AUX
+get	VERB
+AND	CCONJ
+change	VERB
+express	ADJ
+train	NOUN
+tickets	NOUN
+.	PUNCT
+
+well	INTJ
+if	SCONJ
+your	PRON
+desired	VERB
+boarding	NOUN
+station	NOUN
+comes	VERB
+after	ADP
+more	ADJ
+than	ADP
+2	NUM
+or	CCONJ
+3	NUM
+halts	NOUN
+of	ADP
+the	DET
+actual	ADJ
+boarding	NOUN
+point	NOUN
+,	PUNCT
+then	ADV
+the	DET
+TC	NOUN
+will	AUX
+cancel	VERB
+you	PRON
+ticket	NOUN
+and	CCONJ
+allot	VERB
+the	DET
+seat	NOUN
+to	ADP
+others	NOUN
+.	PUNCT
+
+so	ADV
+better	ADV
+inquire	VERB
+in	ADP
+railway	NOUN
+office	NOUN
+
+Contact	VERB
+the	DET
+Indian	ADJ
+railways	NOUN
+.	PUNCT
+
+You	PRON
+might	AUX
+end	VERB
+up	ADP
+as	ADP
+a	DET
+no	DET
+show	NOUN
+passenger	NOUN
+.	PUNCT
+
+petsmart	PROPN
+application	NOUN
+?	PUNCT
+
+my	PRON
+name	NOUN
+is	AUX
+Josalyn	PROPN
+Leainne	PROPN
+Creek	PROPN
+and	CCONJ
+i	PRON
+'m	AUX
+19	NUM
+years	NOUN
+old	ADJ
+and	CCONJ
+i	PRON
+graduated	VERB
+from	ADP
+high	ADJ
+in	ADP
+May	PROPN
+adn	NOUN
+of	ADP
+this	DET
+year	NOUN
+and	CCONJ
+i	PRON
+love	VERB
+animals	NOUN
+and	CCONJ
+i	PRON
+'m	AUX
+great	ADJ
+at	SCONJ
+working	VERB
+and	CCONJ
+i	PRON
+had	VERB
+drama	NOUN
+in	ADP
+my	PRON
+last	ADJ
+job	NOUN
+which	PRON
+was	AUX
+mcallister	PROPN
+'s	PART
+deli	PROPN
+and	CCONJ
+i	PRON
+',	VERB
+a	DET
+mormon	PROPN
+and	CCONJ
+i	PRON
+hvae	AUX
+changed	VERB
+to	PART
+be	AUX
+a	DET
+better	ADJ
+person	NOUN
+that	PRON
+pwople	NOUN
+are	AUX
+wanting	VERB
+to	PART
+hirier	VERB
+and	CCONJ
+i	PRON
+'m	AUX
+willing	ADJ
+to	PART
+work	VERB
+whenever	ADV
+you	PRON
+need	VERB
+me	PRON
+but	CCONJ
+i	PRON
+go	VERB
+to	ADP
+church	NOUN
+on	ADP
+every	DET
+sunday	NOUN
+and	CCONJ
+i	PRON
+have	VERB
+a	DET
+doctor	NOUN
+'s	PART
+appointment	NOUN
+this	DET
+thursday	NOUN
+at	ADP
+2;30	NUM
+and	CCONJ
+i	PRON
+hope	VERB
+you	PRON
+h=guys	NOUN
+hirier	VERB
+me	PRON
+because	SCONJ
+i	PRON
+work	VERB
+very	ADV
+hard	ADV
+and	CCONJ
+i	PRON
+do	AUX
+nt	PART
+care	VERB
+about	SCONJ
+how	ADV
+much	ADJ
+you	PRON
+guys	NOUN
+pay	VERB
+and	CCONJ
+i	PRON
+'ve	AUX
+been	AUX
+looking	VERB
+for	ADP
+a	DET
+job	NOUN
+ever	ADV
+since	SCONJ
+i	PRON
+have	AUX
+graduated	VERB
+and	CCONJ
+i	PRON
+hate	VERB
+drama	NOUN
+
+Jeez	INTJ
+,	PUNCT
+work	VERB
+on	ADP
+your	PRON
+spelling	NOUN
+and	CCONJ
+punctuation	NOUN
+.	PUNCT
+
+It	PRON
+makes	VERB
+a	DET
+huge	ADJ
+difference	NOUN
+.	PUNCT
+
+No	DET
+one	NOUN
+'s	AUX
+going	VERB
+to	PART
+hire	VERB
+you	PRON
+if	SCONJ
+you	PRON
+ca	AUX
+n't	PART
+even	ADV
+spell	VERB
+,	PUNCT
+especially	ADV
+if	SCONJ
+you	PRON
+'re	AUX
+a	DET
+high	ADJ
+school	NOUN
+graduate	NOUN
+.	PUNCT
+
+Cover	NOUN
+letters	NOUN
+and	CCONJ
+resumes	NOUN
+need	VERB
+to	PART
+be	AUX
+perfect	ADJ
+.	PUNCT
+
+No	DET
+one	NOUN
+'s	AUX
+going	VERB
+to	PART
+take	VERB
+you	PRON
+seriously	ADV
+if	SCONJ
+they	PRON
+'re	AUX
+full	ADJ
+of	ADP
+typos	NOUN
+and	CCONJ
+whatnot	NOUN
+.	PUNCT
+
+Sorry	INTJ
+,	PUNCT
+I	PRON
+would	AUX
+put	VERB
+that	DET
+application	NOUN
+in	ADP
+the	DET
+round	ADJ
+file	NOUN
+.	PUNCT
+
+Nope	INTJ
+
+Canadian	ADJ
+student	NOUN
+visa	NOUN
+,	PUNCT
+can	AUX
+I	PRON
+used	VERB
+for	ADP
+other	ADJ
+schools	NOUN
+?	PUNCT
+
+I	PRON
+applied	VERB
+to	PART
+get	VERB
+a	DET
+student	NOUN
+visa	NOUN
+to	PART
+study	VERB
+in	ADP
+Canada	PROPN
+,	PUNCT
+I	PRON
+received	VERB
+one	NUM
+that	PRON
+is	AUX
+valid	ADJ
+until	ADP
+October	PROPN
+of	ADP
+2015	NUM
+.	PUNCT
+
+Problem	NOUN
+is	VERB
+,	PUNCT
+for	ADP
+some	DET
+reason	NOUN
+,	PUNCT
+the	DET
+visa	NOUN
+process	NOUN
+took	VERB
+longer	ADV
+than	SCONJ
+it	PRON
+should	AUX
+,	PUNCT
+thus	ADV
+I	PRON
+missed	VERB
+school	NOUN
+this	DET
+semester	NOUN
+(	PUNCT
+visa	NOUN
+was	AUX
+issued	VERB
+to	ADP
+me	PRON
+about	ADV
+25	NUM
+days	NOUN
+after	SCONJ
+school	NOUN
+started	VERB
+so	ADV
+I	PRON
+could	AUX
+n't	PART
+attend	VERB
+)	PUNCT
+,	PUNCT
+now	ADV
+I	PRON
+no	ADV
+longer	ADV
+want	VERB
+to	PART
+go	VERB
+into	ADP
+that	DET
+school	NOUN
+(	PUNCT
+because	SCONJ
+they	PRON
+only	ADV
+would	AUX
+accept	VERB
+me	PRON
+again	ADV
+on	ADP
+September	PROPN
+of	ADP
+2012	NUM
+)	PUNCT
+,	PUNCT
+I	PRON
+found	VERB
+a	DET
+school	NOUN
+that	PRON
+accepted	VERB
+me	PRON
+for	ADP
+may	PROPN
+2012	NUM
+,	PUNCT
+can	AUX
+I	PRON
+use	VERB
+the	DET
+same	ADJ
+visa	NOUN
+that	PRON
+was	AUX
+issued	VERB
+to	ADP
+me	PRON
+?	PUNCT
+
+or	CCONJ
+do	AUX
+I	PRON
+need	VERB
+to	PART
+reapply	VERB
+?	PUNCT
+
+(	PUNCT
+in	ADP
+the	DET
+visa	NOUN
+itself	PRON
+,	PUNCT
+it	PRON
+does	AUX
+not	PART
+mention	VERB
+anything	PRON
+about	SCONJ
+which	DET
+school	NOUN
+I	PRON
+m	AUX
+suppose	VERB
+to	PART
+attend	VERB
+,	PUNCT
+and	CCONJ
+problem	NOUN
+is	VERB
+,	PUNCT
+the	DET
+embassy	NOUN
+here	ADV
+in	ADP
+DC	PROPN
+are	AUX
+not	PART
+too	ADV
+nice	ADJ
+and	CCONJ
+would	AUX
+never	ADV
+answer	VERB
+ANY	DET
+questions	NOUN
+....	PUNCT
+)	PUNCT
+any	DET
+advice	NOUN
+please	INTJ
+?	PUNCT
+
+Visas	NOUN
+and	CCONJ
+Study	NOUN
+Permits	NOUN
+are	AUX
+administered	VERB
+by	ADP
+Citizenship	NOUN
+and	CCONJ
+Immigration	PROPN
+Canada	PROPN
+,	PUNCT
+and	CCONJ
+any	DET
+questions	NOUN
+regarding	VERB
+applications	NOUN
+should	AUX
+be	AUX
+directed	VERB
+to	ADP
+them	PRON
+.	PUNCT
+
+So	ADV
+best	ADJ
+advice	NOUN
+is	VERB
+to	PART
+go	VERB
+to	ADP
+the	DET
+C&IC	PROPN
+website	NOUN
+and	CCONJ
+click	VERB
+"	PUNCT
+contact	VERB
+us	PRON
+"	PUNCT
+-	PUNCT
+http://www.cic.gc.ca/english/index.asp	X
+
+How	ADV
+Do	AUX
+you	PRON
+Prevent	VERB
+A	DET
+Dwarf	ADJ
+Hamster	NOUN
+Escaping	VERB
+From	ADP
+The	DET
+Cage	NOUN
+?	PUNCT
+
+I	PRON
+m	AUX
+getting	VERB
+a	DET
+dwarf	ADJ
+hamster	NOUN
+tomorrow	NOUN
+and	CCONJ
+i	PRON
+saw	VERB
+videos	NOUN
+on	ADP
+youtube	PROPN
+of	SCONJ
+them	PRON
+escaping	VERB
+and	CCONJ
+if	SCONJ
+my	PRON
+hamster	NOUN
+escaped	VERB
+because	SCONJ
+my	PRON
+mom	NOUN
+will	AUX
+FREAK	VERB
+OUT	ADP
+!!!	PUNCT
+
+would	AUX
+it	PRON
+help	VERB
+getting	VERB
+an	DET
+aquarium	NOUN
+cage	NOUN
+or	CCONJ
+a	DET
+plastic	ADJ
+see	VERB
+through	ADV
+box	NOUN
+so	SCONJ
+it	PRON
+ca	AUX
+nt	PART
+escape	VERB
+i	PRON
+can	AUX
+buy	VERB
+it	PRON
+a	DET
+wheel	NOUN
+
+I	PRON
+'ve	AUX
+never	ADV
+had	VERB
+a	DET
+dwarf	ADJ
+hamster	NOUN
+but	CCONJ
+I	PRON
+'ve	AUX
+had	VERB
+the	DET
+same	ADJ
+problem	NOUN
+with	ADP
+my	PRON
+pet	NOUN
+rat	NOUN
+I	PRON
+put	VERB
+some	DET
+chicken	NOUN
+wiring	NOUN
+around	ADP
+it	PRON
+the	ADV
+I	PRON
+got	VERB
+from	ADP
+home	PROPN
+depot	PROPN
+and	CCONJ
+now	ADV
+it	PRON
+ca	AUX
+n't	PART
+out	ADV
+.	PUNCT
+
+Yes	INTJ
+I	PRON
+'ve	AUX
+had	VERB
+53	NUM
+different	ADJ
+kinds	NOUN
+of	ADP
+rodents	NOUN
+and	CCONJ
+two	NUM
+were	AUX
+dwarf	ADJ
+hamsters	NOUN
+they	PRON
+flatten	VERB
+into	ADP
+a	DET
+pancake	NOUN
+and	CCONJ
+slide	VERB
+right	ADV
+through	ADP
+the	DET
+bars	NOUN
+and	CCONJ
+are	AUX
+able	ADJ
+to	PART
+open	VERB
+the	DET
+door	NOUN
+so	ADV
+yes	INTJ
+a	DET
+plastic	ADJ
+cage	NOUN
+will	AUX
+be	AUX
+good	ADJ
+
+Hi	INTJ
+
+This	PRON
+is	AUX
+the	DET
+cage	NOUN
+I	PRON
+have	VERB
+whhich	DET
+is	AUX
+pretty	ADV
+much	ADV
+IMPOSSIBLE	ADJ
+to	PART
+escape	VERB
+from	ADP
+:	PUNCT
+
+http://www.petsathome.com/shop/combi-1-dwarf-hamster-cage-by-ferplast-15986	X
+
+I	PRON
+love	VERB
+this	DET
+cage	NOUN
+,	PUNCT
+it	PRON
+'s	AUX
+easy	ADJ
+to	PART
+clean	VERB
+,	PUNCT
+very	ADV
+spacious	ADJ
+and	CCONJ
+fun	ADJ
+for	ADP
+the	DET
+hamster	NOUN
+
+Aquiriums	NOUN
+are	AUX
+good	ADJ
+also	ADV
+,	PUNCT
+but	CCONJ
+provide	VERB
+a	DET
+mesh	NOUN
+top	NOUN
+for	ADP
+an	DET
+easy	ADJ
+airway	NOUN
+.	PUNCT
+
+Wire	NOUN
+cages	NOUN
+are	AUX
+NOT	PART
+acceptable	ADJ
+for	ADP
+dwarfs	NOUN
+really	ADV
+,	PUNCT
+unless	SCONJ
+the	DET
+bars	NOUN
+have	VERB
+less	ADJ
+than	ADP
+half	DET
+a	DET
+cm	NOUN
+between	ADP
+them	PRON
+.	PUNCT
+
+regards	NOUN
+and	CCONJ
+have	VERB
+fun	NOUN
+with	ADP
+your	PRON
+hammy	NOUN
+
+Rachel	PROPN
+
+Traveler	NOUN
+s	PART
+guide	NOUN
+-	PUNCT
+For	ADP
+the	DET
+young	ADJ
+and	CCONJ
+unknowledgeable	ADJ
+?	PUNCT
+
+I	PRON
+am	AUX
+17	NUM
+years	NOUN
+old	ADJ
+.	PUNCT
+
+I	PRON
+do	AUX
+not	PART
+get	VERB
+along	ADV
+with	ADP
+my	PRON
+family	NOUN
+.	PUNCT
+
+I	PRON
+dislike	VERB
+this	DET
+urban	ADJ
+society	NOUN
+and	CCONJ
+want	VERB
+to	PART
+leave	VERB
+this	DET
+whole	ADJ
+enviroment	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+very	ADV
+unhappy	ADJ
+here	ADV
+.	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+know	VERB
+the	DET
+best	ADJ
+way	NOUN
+of	SCONJ
+doing	VERB
+it	PRON
+.	PUNCT
+
+Would	AUX
+it	PRON
+be	AUX
+best	ADJ
+for	SCONJ
+me	PRON
+to	PART
+finish	VERB
+college	NOUN
+?	PUNCT
+
+wait	VERB
+for	ADP
+18th	ADJ
+birthday	NOUN
+?	PUNCT
+
+I	PRON
+live	VERB
+in	ADP
+London	PROPN
+.	PUNCT
+
+I	PRON
+want	VERB
+to	PART
+go	VERB
+travelling	VERB
+.	PUNCT
+
+My	PRON
+parents	NOUN
+do	AUX
+not	PART
+like	VERB
+me	PRON
+,	PUNCT
+They	PRON
+constantly	ADV
+reassure	VERB
+me	PRON
+that	SCONJ
+they	PRON
+will	AUX
+throw	VERB
+me	PRON
+out	ADP
+of	ADP
+home	NOUN
+when	ADV
+I	PRON
+turn	VERB
+18	NUM
+.	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+particularly	ADV
+want	VERB
+to	PART
+stay	VERB
+with	ADP
+them	PRON
+atm	ADV
+either	ADV
+.	PUNCT
+
+But	CCONJ
+right	ADV
+now	ADV
+it	PRON
+s	AUX
+the	DET
+most	ADV
+convenient	ADJ
+thing	NOUN
+to	PART
+do	VERB
+.	PUNCT
+
+Anyway	INTJ
+Advice	NOUN
+for	ADP
+travelling	NOUN
+.	PUNCT
+
+What	PRON
+is	AUX
+the	DET
+best	ADJ
+way	NOUN
+of	SCONJ
+doing	VERB
+it	PRON
+?	PUNCT
+
+Hotels	NOUN
+for	ADP
+travelling	NOUN
+will	AUX
+be	AUX
+expensive	ADJ
+.	PUNCT
+
+anybody	PRON
+is	AUX
+open	ADJ
+to	ADP
+answers	VERB
+but	CCONJ
+I	PRON
+would	AUX
+much	ADV
+prefere	VERB
+somebody	PRON
+with	ADP
+traveling	NOUN
+experience	NOUN
+.	PUNCT
+
+I	PRON
+want	VERB
+to	PART
+go	VERB
+all	ADV
+over	ADV
+:)	SYM
+I	PRON
+do	AUX
+n't	PART
+have	VERB
+a	DET
+set	VERB
+route	NOUN
+yet	ADV
+.	PUNCT
+
+Get	VERB
+a	DET
+back	NOUN
+pack	NOUN
+and	CCONJ
+sleeping	NOUN
+bag	NOUN
+or	CCONJ
+good	ADJ
+warm	ADJ
+blanket	NOUN
+.	PUNCT
+
+Wool	NOUN
+is	AUX
+best	ADJ
+.	PUNCT
+
+Light	ADJ
+,	PUNCT
+warm	ADJ
+,	PUNCT
+but	CCONJ
+also	ADV
+itchy	ADJ
+.	PUNCT
+
+Hit	VERB
+the	DET
+road	NOUN
+.	PUNCT
+
+You	PRON
+can	AUX
+always	ADV
+beg	VERB
+for	ADP
+spare	ADJ
+change	NOUN
+when	ADV
+you	PRON
+get	VERB
+hungry	ADJ
+.	PUNCT
+
+Should	AUX
+get	VERB
+some	DET
+survival	NOUN
+skills	NOUN
+before	SCONJ
+setting	VERB
+out	ADP
+on	ADP
+your	PRON
+own	ADJ
+.	PUNCT
+
+Vietnamese	ADJ
+girl	NOUN
+'s	PART
+name	NOUN
+,	PUNCT
+Mayko	PROPN
+?	PUNCT
+
+I	PRON
+always	ADV
+thought	VERB
+Mayko	PROPN
+or	CCONJ
+Meiko	PROPN
+is	AUX
+a	DET
+Japanese	ADJ
+name	NOUN
+.	PUNCT
+
+The	DET
+Canadian	ADJ
+Regenesis	PROPN
+actress	NOUN
+Mayko	PROPN
+Nguyen	PROPN
+has	VERB
+Japanese	ADJ
+connection	NOUN
+or	CCONJ
+is	AUX
+it	PRON
+her	PRON
+fake	ADJ
+name	NOUN
+?	PUNCT
+
+Right	INTJ
+,	PUNCT
+I	PRON
+could	AUX
+n't	PART
+find	VERB
+any	DET
+proven	VERB
+source	NOUN
+for	ADP
+that	PRON
+.	PUNCT
+
+And	CCONJ
+her	PRON
+last	ADJ
+name	NOUN
+,	PUNCT
+Nguyen	PROPN
+is	AUX
+a	DET
+typical	ADJ
+Vietnamese	ADJ
+family	NOUN
+name	NOUN
+...	PUNCT
+anyone	PRON
+?	PUNCT
+
+Certainly	ADV
+,	PUNCT
+Nguyen	PROPN
+is	AUX
+the	DET
+one	NOUN
+of	ADP
+first	ADJ
+names	NOUN
+of	ADP
+many	ADJ
+people	NOUN
+in	ADP
+Vietnam	PROPN
+,	PUNCT
+only	ADV
+in	ADP
+Vietnam	PROPN
+.	PUNCT
+
+Mayko	PROPN
+is	AUX
+relating	VERB
+to	ADP
+the	DET
+Japanese	ADJ
+.	PUNCT
+
+In	ADP
+Vietnam	PROPN
+,	PUNCT
+when	ADV
+a	DET
+baby	NOUN
+was	AUX
+born	VERB
+,	PUNCT
+they	PRON
+must	AUX
+be	AUX
+named	VERB
+"	PUNCT
+first	ADJ
+name	NOUN
+"	PUNCT
+according	VERB
+to	ADP
+that	PRON
+of	ADP
+their	PRON
+fathers	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+principle	ADJ
+except	ADP
+a	DET
+number	NOUN
+of	ADP
+cases	NOUN
+,	PUNCT
+for	ADP
+example	NOUN
+,	PUNCT
+the	DET
+babies	NOUN
+are	AUX
+orphans	NOUN
+or	CCONJ
+not	PART
+to	ADP
+have	VERB
+father	NOUN
+.	PUNCT
+
+E.g	X
+.	PUNCT
+
+Full	ADJ
+name	NOUN
+of	ADP
+the	DET
+father	NOUN
+is	AUX
+:	PUNCT
+"	PUNCT
+Nguyen	PROPN
+Thanh	PROPN
+Luan	PROPN
+"	PUNCT
+===>	SYM
+Full	ADJ
+name	NOUN
+of	ADP
+the	DET
+son	NOUN
+/	PUNCT
+daughter	NOUN
+certainly	ADV
+is	AUX
+"	PUNCT
+Nguyen	PROPN
+..........	PUNCT
+"	PUNCT
+,	PUNCT
+for	ADP
+instance	NOUN
+,	PUNCT
+"	PUNCT
+Nguyen	PROPN
+Thi	PROPN
+Thuy	PROPN
+Lan	PROPN
+"	PUNCT
+.	PUNCT
+
+But	CCONJ
+if	SCONJ
+the	DET
+babies	NOUN
+were	AUX
+born	VERB
+in	ADP
+American	ADJ
+so	ADV
+they	PRON
+would	AUX
+named	VERB
+in	ADP
+other	ADJ
+way	NOUN
+but	CCONJ
+still	ADV
+remain	VERB
+"	PUNCT
+First	NOUN
+name	NOUN
+"	PUNCT
+in	ADP
+order	NOUN
+to	PART
+recall	VERB
+about	ADP
+their	PRON
+origination	NOUN
+.	PUNCT
+
+I	PRON
+'m	AUX
+pretty	ADV
+sure	ADJ
+that	SCONJ
+Mayko	PROPN
+is	AUX
+Japanese	ADJ
+.	PUNCT
+
+She	PRON
+is	AUX
+a	DET
+Canadian	ADJ
+born	VERB
+Vietnamese	ADJ
+.	PUNCT
+
+I	PRON
+'m	AUX
+not	PART
+sure	ADJ
+where	ADV
+her	PRON
+first	ADJ
+name	NOUN
+is	AUX
+from	ADP
+...	PUNCT
+
+I	PRON
+have	VERB
+a	DET
+splitter	NOUN
+/	PUNCT
+filter	NOUN
+between	ADP
+my	PRON
+ADSL	NOUN
+and	CCONJ
+ph	NOUN
+line	NOUN
+?	PUNCT
+
+I	PRON
+have	VERB
+2	NUM
+phones	NOUN
+running	VERB
+on	ADP
+the	DET
+same	ADJ
+line	NOUN
+and	CCONJ
+the	DET
+ADSL	NOUN
+which	PRON
+is	AUX
+connected	VERB
+to	ADP
+one	NUM
+of	ADP
+the	DET
+phones	NOUN
+and	CCONJ
+the	DET
+filter	NOUN
+,	PUNCT
+I	PRON
+'m	AUX
+still	ADV
+getting	VERB
+a	DET
+buzzing	NOUN
+noise	ADV
+even	ADV
+when	ADV
+I	PRON
+have	AUX
+disconnected	VERB
+the	DET
+other	ADJ
+phone	NOUN
+without	ADP
+one	NUM
+.	PUNCT
+
+Why	ADV
+is	AUX
+it	PRON
+stil	ADV
+doing	VERB
+this	PRON
+even	ADV
+though	SCONJ
+I	PRON
+do	AUX
+n't	PART
+have	VERB
+the	DET
+other	ADJ
+phone	NOUN
+connected	VERB
+?	PUNCT
+
+Woud	AUX
+it	PRON
+be	AUX
+better	ADJ
+if	SCONJ
+I	PRON
+got	VERB
+another	DET
+filter	NOUN
+and	CCONJ
+connected	VERB
+the	DET
+other	ADJ
+phone	NOUN
+as	ADV
+well	ADV
+?	PUNCT
+
+turn	VERB
+the	DET
+modem	NOUN
+off	ADP
+and	CCONJ
+see	VERB
+if	SCONJ
+the	DET
+sound	NOUN
+is	AUX
+still	ADV
+there	ADV
+...	PUNCT
+could	AUX
+be	AUX
+static	NOUN
+on	ADP
+the	DET
+line	NOUN
+...	PUNCT
+if	SCONJ
+the	DET
+sound	NOUN
+is	AUX
+still	ADV
+there	ADV
+with	SCONJ
+the	DET
+modem	NOUN
+off	ADV
+then	ADV
+the	DET
+problem	NOUN
+is	AUX
+NOT	PART
+the	DET
+DSL	NOUN
+....	PUNCT
+
+if	SCONJ
+the	DET
+trouble	ADJ
+goes	VERB
+away	ADV
+with	SCONJ
+the	DET
+modem	NOUN
+off	ADV
+,	PUNCT
+then	ADV
+make	VERB
+sure	ADJ
+that	SCONJ
+EVERYTHING	PRON
+EXCEPT	ADP
+the	DET
+modem	NOUN
+is	AUX
+filtered	VERB
+,	PUNCT
+this	PRON
+would	AUX
+include	VERB
+the	DET
+alarm	NOUN
+system	NOUN
+,	PUNCT
+fax	NOUN
+machine	NOUN
+,	PUNCT
+satellite	NOUN
+boxes	NOUN
+,	PUNCT
+phones	NOUN
+,	PUNCT
+etc	X
+...	PUNCT
+
+if	SCONJ
+everything	PRON
+is	AUX
+filtered	VERB
+,	PUNCT
+and	CCONJ
+you	PRON
+still	ADV
+have	VERB
+this	DET
+problem	NOUN
+-	PUNCT
+try	VERB
+changing	VERB
+the	DET
+filter	NOUN
+-	PUNCT
+if	SCONJ
+it	PRON
+is	AUX
+still	ADV
+there	ADV
+,	PUNCT
+try	VERB
+doubling	VERB
+up	ADP
+on	ADP
+the	DET
+filters	NOUN
+...	PUNCT
+
+You	PRON
+need	VERB
+either	CCONJ
+a	DET
+filter	NOUN
+for	ADP
+each	DET
+device	NOUN
+except	ADP
+the	DET
+DSL	NOUN
+modem	NOUN
+,	PUNCT
+or	CCONJ
+a	DET
+whole	ADJ
+home	NOUN
+filter	NOUN
+which	PRON
+filters	VERB
+all	DET
+the	DET
+jacks	NOUN
+,	PUNCT
+except	ADP
+the	DET
+one	NOUN
+which	PRON
+the	DET
+DSL	NOUN
+modem	NOUN
+connects	VERB
+.	PUNCT
+
+Best	ADJ
+way	NOUN
+to	PART
+change	VERB
+35	NUM
+mm	NOUN
+film	NOUN
+in	ADP
+Holga	PROPN
+120	NUM
+whilst	SCONJ
+out	ADV
+and	CCONJ
+about	ADV
+?	PUNCT
+
+I	PRON
+'ve	AUX
+modified	VERB
+my	PRON
+Holga	PROPN
+120	NUM
+to	PART
+take	VERB
+35	NUM
+mm	NOUN
+film	NOUN
+and	CCONJ
+I	PRON
+know	VERB
+that	SCONJ
+you	PRON
+ca	AUX
+n't	PART
+wind	VERB
+the	DET
+film	NOUN
+back	ADV
+,	PUNCT
+you	PRON
+have	VERB
+to	PART
+open	VERB
+the	DET
+back	NOUN
+of	ADP
+the	DET
+camera	NOUN
+(	PUNCT
+in	ADP
+a	DET
+darkroom	NOUN
+)	PUNCT
+to	PART
+rewind	VERB
+the	DET
+film	NOUN
+.	PUNCT
+
+What	PRON
+do	AUX
+other	ADJ
+Holga	PROPN
+owners	NOUN
+do	VERB
+when	ADV
+they	PRON
+need	VERB
+to	PART
+change	VERB
+film	NOUN
+when	ADV
+they	PRON
+are	AUX
+traveling	VERB
+?	PUNCT
+
+Do	AUX
+you	PRON
+just	ADV
+take	VERB
+a	DET
+changing	NOUN
+bag	NOUN
+with	ADP
+you	PRON
+?	PUNCT
+
+What	PRON
+s	AUX
+the	DET
+easiest	ADJ
+thing	NOUN
+?	PUNCT
+
+Well	INTJ
+a	DET
+changing	NOUN
+bag	NOUN
+would	AUX
+be	AUX
+the	DET
+easiest	ADJ
+solution	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+light	NOUN
+proof	ADJ
+and	CCONJ
+makes	VERB
+sure	ADJ
+you	PRON
+get	VERB
+no	DET
+problems	NOUN
+when	ADV
+opening	VERB
+the	DET
+camera	NOUN
+.	PUNCT
+
+You	PRON
+can	AUX
+work	VERB
+comfortably	ADV
+and	CCONJ
+make	VERB
+sure	ADJ
+your	PRON
+film	NOUN
+is	AUX
+not	PART
+scratched	VERB
+etc	X
+.	PUNCT
+
+It	PRON
+'s	AUX
+really	ADV
+difficult	ADJ
+to	PART
+find	VERB
+a	DET
+place	NOUN
+that	PRON
+is	AUX
+absolutely	ADV
+dark	ADJ
+and	CCONJ
+accessible	ADJ
+to	ADP
+you	PRON
+when	ADV
+you	PRON
+'re	AUX
+outside	ADV
+.	PUNCT
+
+A	DET
+changing	NOUN
+bag	NOUN
+folds	VERB
+neatly	ADV
+and	CCONJ
+does	AUX
+not	PART
+take	VERB
+much	ADJ
+space	NOUN
+in	ADP
+your	PRON
+bag	NOUN
+.	PUNCT
+
+A	DET
+film	NOUN
+changing	NOUN
+bag	NOUN
+is	AUX
+a	DET
+handy	ADJ
+way	NOUN
+of	SCONJ
+unloading	VERB
+your	PRON
+exposed	VERB
+film	NOUN
+in	ADP
+the	DET
+field	NOUN
+.	PUNCT
+
+Many	ADJ
+online	ADJ
+stores	NOUN
+carry	VERB
+them	PRON
+,	PUNCT
+like	ADP
+Adorama	PROPN
+:	PUNCT
+
+http://www.adorama.com/BLCBS.html	X
+
+I	PRON
+have	VERB
+a	DET
+few	ADJ
+how	ADV
+to	PART
+videos	NOUN
+for	ADP
+DIY	ADJ
+35	NUM
+mm	NOUN
+film	NOUN
+in	ADP
+a	DET
+120	NUM
+camera	NOUN
+on	ADP
+my	PRON
+YouTube	PROPN
+channel	NOUN
+:	PUNCT
+
+http://bit.ly/kPlaylists	X
+
+For	ADP
+more	ADJ
+info	NOUN
+on	ADP
+lo	ADJ
+-	PUNCT
+fi	NOUN
+photography	NOUN
+,	PUNCT
+check	VERB
+put	VERB
+my	PRON
+website	NOUN
+:	PUNCT
+
+http://dianacamera.com	X
+
+Should	AUX
+the	DET
+statue	NOUN
+of	ADP
+David	PROPN
+be	AUX
+censored	VERB
+?	PUNCT
+
+I	PRON
+'m	AUX
+a	DET
+sophomore	NOUN
+in	ADP
+high	ADJ
+school	NOUN
+doing	VERB
+a	DET
+presentation	NOUN
+on	ADP
+Italian	ADJ
+Arts	NOUN
+and	CCONJ
+my	PRON
+teacher	NOUN
+is	AUX
+making	VERB
+us	PRON
+censor	VERB
+the	DET
+Statue	NOUN
+of	ADP
+David	PROPN
+.	PUNCT
+
+My	PRON
+argument	NOUN
+is	VERB
+it	PRON
+'s	AUX
+art	NOUN
+and	CCONJ
+therefore	ADV
+should	AUX
+not	PART
+be	AUX
+censored	VERB
+he	PRON
+'s	AUX
+making	VERB
+us	PRON
+censor	VERB
+it	PRON
+who	PRON
+'s	AUX
+right	ADJ
+
+no	INTJ
+,	PUNCT
+it	PRON
+'s	AUX
+only	ADV
+a	DET
+body	NOUN
+of	ADP
+a	DET
+young	ADJ
+man	NOUN
+
+the	DET
+city	NOUN
+of	ADP
+florence	PROPN
+did	AUX
+at	ADP
+one	NUM
+time	NOUN
+in	ADP
+the	DET
+past	NOUN
+put	VERB
+clothes	NOUN
+on	ADP
+the	DET
+statue	NOUN
+
+An	DET
+art	NOUN
+teacher	NOUN
+in	ADP
+the	DET
+mid-cities	NOUN
+area	NOUN
+of	ADP
+Dallas	PROPN
+/	PUNCT
+Ft.	PROPN
+Worth	PROPN
+metro	NOUN
+got	AUX
+fired	VERB
+because	SCONJ
+she	PRON
+took	VERB
+an	DET
+art	NOUN
+class	NOUN
+on	ADP
+an	DET
+approved	VERB
+field	NOUN
+trip	NOUN
+with	ADP
+parental	ADJ
+permission	NOUN
+for	ADP
+each	DET
+student	NOUN
+and	CCONJ
+some	DET
+hysterical	ADJ
+parent	NOUN
+discovered	VERB
+that	SCONJ
+they	PRON
+saw	VERB
+"	PUNCT
+nudes	NOUN
+"	PUNCT
+in	ADP
+the	DET
+museum	NOUN
+.	PUNCT
+
+You	PRON
+do	AUX
+n't	PART
+think	VERB
+is	PRON
+was	VERB
+because	ADP
+of	ADP
+female	ADJ
+nudes	NOUN
+considering	VERB
+the	DET
+nearly	ADV
+naked	ADJ
+girls	NOUN
+/	PUNCT
+women	NOUN
+seen	VERB
+at	ADP
+pools	NOUN
+and	CCONJ
+beaches	NOUN
+and	CCONJ
+the	DET
+completely	ADV
+naked	ADJ
+manikins	NOUN
+that	PRON
+show	VERB
+up	ADP
+in	ADP
+store	NOUN
+windows	NOUN
+in	ADP
+malls	NOUN
+during	ADP
+changes	NOUN
+in	ADP
+display	NOUN
+?	PUNCT
+
+No	INTJ
+,	PUNCT
+it	PRON
+was	AUX
+guys	NOUN
+.	PUNCT
+
+Your	PRON
+teacher	NOUN
+knows	VERB
+what	PRON
+goes	VERB
+on	ADP
+in	ADP
+your	PRON
+community	NOUN
+and	CCONJ
+wants	VERB
+to	PART
+keep	VERB
+her	PRON
+job	NOUN
+.	PUNCT
+
+Let	VERB
+her	PRON
+do	VERB
+it	PRON
+-	PUNCT
+argue	VERB
+when	ADV
+you	PRON
+are	AUX
+of	ADP
+age	NOUN
+and	CCONJ
+can	AUX
+battle	VERB
+the	DET
+other	ADJ
+adults	NOUN
+in	ADP
+your	PRON
+community	NOUN
+-	PUNCT
+skipping	VERB
+of	ADV
+course	ADV
+telling	VERB
+your	PRON
+boss	NOUN
+he	PRON
+/	PUNCT
+she	PRON
+is	AUX
+a	DET
+prudish	ADJ
+ignoramus	NOUN
+because	SCONJ
+you	PRON
+want	VERB
+to	PART
+keep	VERB
+your	PRON
+job	NOUN
+.	PUNCT
+
+Better	ADJ
+Steakhouse	NOUN
+in	ADP
+Philadelphia	PROPN
+?	PUNCT
+
+I	PRON
+am	AUX
+taking	VERB
+my	PRON
+wife	NOUN
+out	ADV
+for	ADP
+our	PRON
+first	ADJ
+year	NOUN
+wedding	NOUN
+anniversary	NOUN
+and	CCONJ
+we	PRON
+both	DET
+agree	VERB
+that	SCONJ
+we	PRON
+want	VERB
+a	DET
+good	ADJ
+steak	NOUN
+.	PUNCT
+
+We	PRON
+are	AUX
+staying	VERB
+at	ADP
+a	DET
+hotel	NOUN
+in	ADP
+Center	PROPN
+City	PROPN
+Philadelphia	PROPN
+so	ADV
+I	PRON
+wanted	VERB
+something	PRON
+close	ADJ
+.	PUNCT
+
+I	PRON
+have	AUX
+spent	VERB
+the	DET
+afternoon	NOUN
+looking	VERB
+around	ADV
+from	ADP
+menu	NOUN
+to	ADP
+menu	NOUN
+...	PUNCT
+
+I	PRON
+have	AUX
+also	ADV
+looked	VERB
+at	ADP
+the	DET
+photo	NOUN
+galleries	NOUN
+for	ADP
+an	DET
+inside	ADJ
+look	NOUN
+at	ADP
+the	DET
+decor	NOUN
+of	ADP
+the	DET
+restaurants	NOUN
+and	CCONJ
+I	PRON
+have	AUX
+narrowed	VERB
+it	PRON
+down	ADP
+to	ADP
+three	NUM
+establishments	NOUN
+.	PUNCT
+
+I	PRON
+have	AUX
+never	ADV
+been	AUX
+to	ADP
+any	DET
+of	ADP
+these	DET
+places	NOUN
+so	ADV
+any	DET
+suggestions	NOUN
+and	CCONJ
+or	CCONJ
+advice	NOUN
+would	AUX
+be	AUX
+most	ADV
+welcome	ADJ
+.	PUNCT
+
+It	PRON
+'s	AUX
+narrowed	VERB
+down	ADP
+to	ADP
+Butcher	PROPN
+and	CCONJ
+Singer	PROPN
+,	PUNCT
+Davio	PROPN
+'s	PART
+,	PUNCT
+and	CCONJ
+Del	PROPN
+Frisco	PROPN
+s	PART
+.	PUNCT
+
+Thanks	NOUN
+in	ADP
+advance	NOUN
+for	ADP
+the	DET
+advice	NOUN
+.	PUNCT
+
+Sidenote	NOUN
+...	PUNCT
+I	PRON
+am	AUX
+familiar	ADJ
+with	ADP
+the	DET
+Capital	PROPN
+Grille	PROPN
+,	PUNCT
+Barclay	PROPN
+Prime	PROPN
+,	PUNCT
+The	DET
+Palm	PROPN
+,	PUNCT
+The	DET
+Prime	PROPN
+Rib	PROPN
+,	PUNCT
+Morton	PROPN
+s	PART
+,	PUNCT
+Ruth	PROPN
+Chris	PROPN
+'	PART
+,	PUNCT
+etc	X
+.	PUNCT
+
+I	PRON
+have	AUX
+weighed	VERB
+those	DET
+options	NOUN
+and	CCONJ
+found	VERB
+the	DET
+three	NUM
+that	PRON
+I	PRON
+have	AUX
+chosen	VERB
+to	PART
+be	AUX
+more	ADV
+my	PRON
+wife	NOUN
+and	CCONJ
+my	PRON
+own	ADJ
+taste	NOUN
+.	PUNCT
+
+Please	INTJ
+only	ADV
+reviews	NOUN
+on	ADP
+the	DET
+three	NUM
+I	PRON
+mentioned	VERB
+earlier	ADV
+.	PUNCT
+
+Many	ADJ
+thanks	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+only	ADV
+familiar	ADJ
+with	ADP
+Morton	PROPN
+'s	PART
+and	CCONJ
+Ruth	PROPN
+Chris	PROPN
+.	PUNCT
+
+I	PRON
+have	AUX
+never	ADV
+eaten	VERB
+at	ADP
+the	DET
+ones	NOUN
+you	PRON
+have	AUX
+listed	VERB
+nor	CCONJ
+do	AUX
+I	PRON
+know	VERB
+of	ADP
+anyone	PRON
+who	PRON
+has	VERB
+.	PUNCT
+
+I	PRON
+hope	VERB
+you	PRON
+get	VERB
+your	PRON
+answer	NOUN
+.	PUNCT
+
+Anyway	INTJ
+,	PUNCT
+have	VERB
+a	DET
+lovely	ADJ
+first	ADJ
+anniversary	NOUN
+!	PUNCT
+
+HAMSTERS	NOUN
+-	PUNCT
+will	AUX
+a	DET
+hamster	NOUN
+be	AUX
+ok	ADJ
+living	VERB
+in	ADP
+the	DET
+bathroom	NOUN
+?	PUNCT
+
+in	ADP
+his	PRON
+cage	NOUN
+in	ADP
+the	DET
+bathroom	NOUN
+?	PUNCT
+
+or	CCONJ
+would	AUX
+the	DET
+steam	NOUN
+from	ADP
+the	DET
+shower	NOUN
+be	AUX
+a	DET
+problem	NOUN
+?	PUNCT
+
+thanks	NOUN
+d	PROPN
+
+If	SCONJ
+space	NOUN
+is	AUX
+minimal	ADJ
+,	PUNCT
+or	CCONJ
+you	PRON
+are	AUX
+keeping	VERB
+him	PRON
+in	ADP
+there	ADV
+to	PART
+be	AUX
+kept	VERB
+away	ADV
+from	ADP
+other	ADJ
+pets	NOUN
+,	PUNCT
+then	ADV
+I	PRON
+can	AUX
+understand	VERB
+why	ADV
+you	PRON
+would	AUX
+choose	VERB
+to	PART
+keep	VERB
+him	PRON
+there	ADV
+.	PUNCT
+
+There	PRON
+are	VERB
+some	DET
+things	NOUN
+to	PART
+consider	VERB
+though	ADV
+...	PUNCT
+
+Rodents	NOUN
+require	VERB
+special	ADJ
+bedding	NOUN
+in	ADP
+their	PRON
+cages	NOUN
+to	PART
+absorb	VERB
+their	PRON
+waste	NOUN
+,	PUNCT
+and	CCONJ
+this	PRON
+needs	VERB
+to	PART
+be	AUX
+cleaned	VERB
+regularly	ADV
+,	PUNCT
+or	CCONJ
+your	PRON
+hamster	NOUN
+could	AUX
+suffer	VERB
+from	ADP
+problems	NOUN
+due	ADP
+the	DET
+buildup	NOUN
+of	ADP
+ammonia	NOUN
+from	ADP
+his	PRON
+urine	NOUN
+.	PUNCT
+
+When	ADV
+you	PRON
+take	VERB
+a	DET
+warm	NOUN
+shower	NOUN
+and	CCONJ
+build	VERB
+up	ADP
+steam	NOUN
+,	PUNCT
+his	PRON
+cage	NOUN
+will	AUX
+collect	VERB
+water	NOUN
+,	PUNCT
+the	DET
+bedding	NOUN
+will	AUX
+absorb	VERB
+much	ADJ
+of	ADP
+it	PRON
+,	PUNCT
+and	CCONJ
+will	AUX
+not	PART
+be	AUX
+able	ADJ
+to	PART
+absorb	VERB
+the	DET
+urine	NOUN
+quite	ADV
+as	SCONJ
+it	PRON
+should	AUX
+.	PUNCT
+
+You	PRON
+will	AUX
+also	ADV
+have	VERB
+to	PART
+be	AUX
+wary	ADJ
+of	SCONJ
+mold	NOUN
+forming	VERB
+on	ADP
+any	DET
+toys	NOUN
+or	CCONJ
+hide	NOUN
+-	PUNCT
+aways	NOUN
+he	PRON
+may	AUX
+have	VERB
+.	PUNCT
+
+You	PRON
+also	ADV
+do	AUX
+n't	PART
+want	VERB
+it	PRON
+getting	VERB
+too	ADV
+warm	ADJ
+for	ADP
+him	PRON
+too	ADV
+often	ADV
+.	PUNCT
+
+Overall	ADV
+,	PUNCT
+it	PRON
+is	AUX
+not	PART
+a	DET
+good	ADJ
+solution	NOUN
+,	PUNCT
+but	CCONJ
+you	PRON
+can	AUX
+keep	VERB
+him	PRON
+healthy	ADJ
+and	CCONJ
+pull	VERB
+it	PRON
+off	ADP
+if	SCONJ
+you	PRON
+take	VERB
+the	DET
+time	NOUN
+to	PART
+give	VERB
+him	PRON
+the	DET
+extra	ADJ
+care	NOUN
+he	PRON
+will	AUX
+need	VERB
+because	ADP
+of	ADP
+it	PRON
+.	PUNCT
+
+It	PRON
+may	AUX
+be	AUX
+a	DET
+problem	NOUN
+because	SCONJ
+the	DET
+temperature	NOUN
+is	AUX
+constantly	ADV
+changing	VERB
+.	PUNCT
+
+I	PRON
+would	AUX
+personally	ADV
+put	VERB
+him	PRON
+somewhere	ADV
+else	ADV
+.	PUNCT
+
+What	PRON
+is	AUX
+the	DET
+most	ADV
+interesting	ADJ
+place	NOUN
+to	PART
+see	VERB
+in	ADP
+South	PROPN
+Korea	PROPN
+?	PUNCT
+
+I	PRON
+'m	AUX
+planning	VERB
+my	PRON
+trip	NOUN
+to	ADP
+Asia	PROPN
+and	CCONJ
+S.	PROPN
+Korea	PROPN
+is	AUX
+one	NUM
+of	ADP
+the	DET
+destinations	NOUN
+.	PUNCT
+
+What	DET
+place	NOUN
+or	CCONJ
+town	NOUN
+would	AUX
+be	AUX
+most	ADV
+interesting	ADJ
+to	PART
+visit	VERB
+for	ADP
+european	PROPN
+?	PUNCT
+
+Go	VERB
+to	ADP
+Jeju	PROPN
+island	NOUN
+!	PUNCT
+
+It	PRON
+'s	AUX
+so	ADV
+much	ADJ
+fun	NOUN
+over	ADP
+there	ADV
+,	PUNCT
+and	CCONJ
+I	PRON
+'m	AUX
+positive	ADJ
+that	SCONJ
+you	PRON
+'ll	AUX
+love	VERB
+it	PRON
+!	PUNCT
+:)	SYM
+
+If	SCONJ
+you	PRON
+'re	AUX
+going	VERB
+to	ADP
+Seoul	PROPN
+,	PUNCT
+then	ADV
+you	PRON
+should	AUX
+also	ADV
+visit	VERB
+a	DET
+specific	ADJ
+place	NOUN
+called	VERB
+,	PUNCT
+'	PUNCT
+The	DET
+Namsan	PROPN
+Tower	PROPN
+'	PUNCT
+!	PUNCT
+
+It	PRON
+'s	AUX
+a	DET
+really	ADV
+huge	ADJ
+place	NOUN
+over	ADP
+there	ADV
+,	PUNCT
+and	CCONJ
+so	ADV
+many	ADJ
+visitors	NOUN
+/	PUNCT
+foreigners	NOUN
+went	VERB
+to	PART
+put	VERB
+chains	NOUN
+and	CCONJ
+locks	NOUN
+over	ADP
+there	ADV
+!	PUNCT
+
+It	PRON
+'s	AUX
+so	ADV
+much	ADJ
+fun	NOUN
+!	PUNCT
+
+Also	ADV
+,	PUNCT
+do	AUX
+n't	PART
+forget	VERB
+to	PART
+try	VERB
+out	ADP
+Korea	PROPN
+'s	PART
+famous	ADJ
+amusement	NOUN
+parks	NOUN
+!	PUNCT
+:	PUNCT
+Lotte	PROPN
+World	PROPN
+,	PUNCT
+Everland	PROPN
+,	PUNCT
+and	CCONJ
+Carribbean	PROPN
+Bay	PROPN
+!	PUNCT
+
+Everyone	PRON
+loves	VERB
+it	PRON
+!	PUNCT
+^_^	SYM
+
+Lotte	PROPN
+World	PROPN
+:	PUNCT
+http://3.bp.blogspot.com/-X_e2uwT6wPw/Tkj_7UVTw6I/AAAAAAAAAGs/e_hICAdYPYI/s1600/lotte_world_from_high_up.jpg	X
+
+(	PUNCT
+It	PRON
+'s	AUX
+indoors	ADV
+and	CCONJ
+outdoors	ADV
+!	PUNCT
+)	PUNCT
+
+Everland	PROPN
+Resort	PROPN
+:	PUNCT
+http://v2.cache7.c.bigcache.googleapis.com/static.panoramio.com/photos/original/42661265.jpg?redirect_counter=2	X
+
+(	PUNCT
+it	PRON
+'s	AUX
+all	ADV
+outdoors	ADV
+and	CCONJ
+the	DET
+pictures	NOUN
+are	AUX
+only	ADV
+a	DET
+fourth	NOUN
+of	ADP
+the	DET
+real	ADJ
+Everland	PROPN
+!	PUNCT
+)	PUNCT
+
+Carribbean	PROPN
+Bay	PROPN
+:	PUNCT
+http://tong.visitkorea.or.kr/cms/resource/81/188181_image2_1.jpg	X
+
+(	PUNCT
+An	DET
+outside	ADJ
+water	NOUN
+park	NOUN
+!	PUNCT
+)	PUNCT
+
+Namsan	PROPN
+tower	NOUN
+:	PUNCT
+http://farm3.static.flickr.com/2406/2527255596_db23df940f.jpg	X
+
+Hoped	VERB
+I	PRON
+helped	VERB
+!	PUNCT
+^_^	SYM
+
+Have	VERB
+fun	NOUN
+in	ADP
+Korea	PROPN
+~	PUNCT
+
+an	DET
+island	NOUN
+called	VERB
+jejudo	PROPN
+/	PUNCT
+jeju	PROPN
+island	NOUN
+
+it	PRON
+s	AUX
+really	ADV
+amazing	ADJ
+there	ADV
+,	PUNCT
+it	PRON
+ll	AUX
+blow	VERB
+your	PRON
+mind	NOUN
+
+it	PRON
+'s	VERB
+almost	ADV
+like	ADP
+paradise	NOUN
+there	ADV
+
+I	PRON
+found	VERB
+an	DET
+injured	ADJ
+pure	ADJ
+white	ADJ
+bird	NOUN
+(	PUNCT
+dove	NOUN
+I	PRON
+guess	VERB
+?	PUNCT
+)	PUNCT
+
+what	PRON
+do	AUX
+I	PRON
+feed	VERB
+it	PRON
+?	PUNCT
+
+I	PRON
+found	VERB
+this	DET
+pure	ADJ
+white	ADJ
+bird	NOUN
+in	ADP
+my	PRON
+neighborhood	NOUN
+,	PUNCT
+its	PRON
+wing	NOUN
+is	AUX
+injured	ADJ
+,	PUNCT
+so	ADV
+I	PRON
+'m	AUX
+currently	ADV
+taking	VERB
+care	NOUN
+of	ADP
+it	PRON
+.	PUNCT
+
+It	PRON
+'s	AUX
+pure	ADJ
+white	ADJ
+,	PUNCT
+no	DET
+marks	NOUN
+or	CCONJ
+streaks	NOUN
+or	CCONJ
+anything	PRON
+,	PUNCT
+I	PRON
+do	AUX
+n't	PART
+know	VERB
+what	DET
+type	NOUN
+of	ADP
+bird	NOUN
+it	PRON
+is	AUX
+,	PUNCT
+probably	ADV
+a	DET
+dove	NOUN
+?	PUNCT
+
+What	PRON
+should	AUX
+I	PRON
+feed	VERB
+it	PRON
+?	PUNCT
+
+Is	AUX
+normal	ADJ
+bird	NOUN
+food	NOUN
+fine	ADJ
+?	PUNCT
+
+(	PUNCT
+Because	SCONJ
+apparently	ADV
+my	PRON
+mom	NOUN
+is	AUX
+very	ADV
+picky	ADJ
+,	PUNCT
+she	PRON
+says	VERB
+the	DET
+bird	NOUN
+might	AUX
+get	VERB
+sick	ADJ
+if	SCONJ
+it	PRON
+does	AUX
+n't	PART
+eat	VERB
+the	DET
+right	ADJ
+food	NOUN
+)	PUNCT
+IS	VERB
+there	PRON
+any	DET
+specific	ADJ
+food	NOUN
+I	PRON
+might	AUX
+find	VERB
+at	ADP
+any	DET
+pet	NOUN
+shop	NOUN
+?	PUNCT
+
+(	PUNCT
+petco	PROPN
+,	PUNCT
+petsmart	PROPN
+)	PUNCT
+.....	PUNCT
+thanks	NOUN
+!	PUNCT
+
+Doves	NOUN
+are	AUX
+a	DET
+species	NOUN
+of	ADP
+pigeon	NOUN
+,	PUNCT
+they	PRON
+are	AUX
+Seed	NOUN
+eaters	NOUN
+,	PUNCT
+they	PRON
+do	AUX
+not	PART
+eat	VERB
+bread	NOUN
+,	PUNCT
+or	CCONJ
+worms	NOUN
+.	PUNCT
+
+make	VERB
+sure	ADJ
+that	SCONJ
+you	PRON
+have	VERB
+a	DET
+shallow	ADJ
+dish	NOUN
+of	ADP
+water	NOUN
+for	ADP
+it	PRON
+.	PUNCT
+
+as	SCONJ
+they	PRON
+can	AUX
+drink	VERB
+a	DET
+lot	NOUN
+.	PUNCT
+
+there	PRON
+'s	VERB
+these	DET
+little	ADJ
+like	INTJ
+bait	NOUN
+worms	NOUN
+at	ADP
+jack	PROPN
+s	PART
+.	PUNCT
+petshoppe	NOUN
+.	PUNCT
+
+it	PRON
+s	AUX
+jack	PROPN
+s	PART
+aquarium	PROPN
+and	CCONJ
+pets	PROPN
+I	PRON
+believe	VERB
+.	PUNCT
+?	PUNCT
+
+anyways	INTJ
+I	PRON
+feed	VERB
+them	PRON
+to	ADP
+my	PRON
+road	NOUN
+sometimes	ADV
+.	PUNCT
+
+like	INTJ
+a	DET
+little	ADJ
+container	NOUN
+.	PUNCT
+
+or	CCONJ
+buy	VERB
+small	ADJ
+bait	NOUN
+worms	NOUN
+.	PUNCT
+
+that	PRON
+should	AUX
+work	VERB
+
+If	SCONJ
+you	PRON
+have	VERB
+a	DET
+pet	NOUN
+store	NOUN
+near	ADV
+buy	VERB
+some	DET
+wheat	NOUN
+,	PUNCT
+pigeon	NOUN
+corn	NOUN
+or	CCONJ
+even	ADV
+mixed	VERB
+bird	NOUN
+seed	NOUN
+will	AUX
+do	VERB
+,	PUNCT
+but	CCONJ
+do	AUX
+not	PART
+feed	VERB
+bread	NOUN
+.	PUNCT
+
+how	ADV
+do	AUX
+i	PRON
+get	VERB
+to	ADP
+paris	PROPN
+cdg	PROPN
+airport	PROPN
+to	ADP
+paris	PROPN
+montparnasse	PROPN
+?	PUNCT
+
+i	PRON
+have	VERB
+two	NUM
+options	NOUN
+
+using	VERB
+the	DET
+metro	PROPN
+or	CCONJ
+the	DET
+air	PROPN
+france	PROPN
+bus	NOUN
+
+can	AUX
+anybody	PRON
+tell	VERB
+me	PRON
+if	SCONJ
+the	DET
+metro	PROPN
+runs	VERB
+directly	ADV
+from	ADP
+CDG	PROPN
+to	ADP
+montparnasse	PROPN
+?	PUNCT
+
+if	SCONJ
+not	PART
+what	DET
+transfers	NOUN
+should	AUX
+i	PRON
+get	VERB
+on	ADP
+?	PUNCT
+
+ty	INTJ
+
+On	ADP
+the	DET
+RER	PROPN
+/	PUNCT
+Metro	PROPN
+:	PUNCT
+
+In	ADP
+the	DET
+airport	NOUN
+,	PUNCT
+follow	VERB
+the	DET
+signs	NOUN
+that	PRON
+say	VERB
+"	PUNCT
+Paris	PROPN
+by	ADP
+train	NOUN
+"	PUNCT
+.	PUNCT
+
+Buy	VERB
+a	DET
+ticket	NOUN
+for	ADP
+Paris	PROPN
+.	PUNCT
+
+This	PRON
+will	AUX
+get	VERB
+you	PRON
+on	ADP
+the	DET
+RER	PROPN
+B	NOUN
+line	NOUN
+going	VERB
+into	ADP
+town	NOUN
+.	PUNCT
+
+Stay	VERB
+on	ADP
+it	PRON
+until	ADP
+the	DET
+"	PUNCT
+Saint	PROPN
+-	PUNCT
+Michel	PROPN
+Notre	PROPN
+-	PUNCT
+Dame	PROPN
+"	PUNCT
+station	NOUN
+.	PUNCT
+
+Change	VERB
+there	ADV
+to	ADP
+the	DET
+Metro	PROPN
+4	NUM
+line	NOUN
+going	VERB
+toward	ADP
+"	PUNCT
+Porte	PROPN
+d'	PROPN
+Orleans	PROPN
+"	PUNCT
+.	PUNCT
+
+Get	VERB
+off	ADV
+at	ADP
+the	DET
+"	PUNCT
+Montparnasse	PROPN
+Bienvenue	PROPN
+"	PUNCT
+station	NOUN
+.	PUNCT
+
+On	ADP
+the	DET
+Air	PROPN
+France	PROPN
+bus	NOUN
+:	PUNCT
+
+As	SCONJ
+I	PRON
+recall	VERB
+,	PUNCT
+this	DET
+bus	NOUN
+drops	VERB
+you	PRON
+off	ADP
+near	ADP
+the	DET
+Opera	PROPN
+in	ADP
+Paris	PROPN
+.	PUNCT
+
+You	PRON
+'ll	AUX
+still	ADV
+have	VERB
+to	PART
+take	VERB
+another	DET
+bus	NOUN
+or	CCONJ
+the	DET
+Metro	PROPN
+down	ADV
+to	ADP
+Montparnasse	PROPN
+.	PUNCT
+
+On	ADP
+the	DET
+bus	NOUN
+:	PUNCT
+Get	VERB
+on	ADP
+Bus	NOUN
+95	NUM
+going	VERB
+toward	ADP
+"	PUNCT
+Porte	PROPN
+de	PROPN
+Vanves	PROPN
+"	PUNCT
+.	PUNCT
+
+Buy	VERB
+a	DET
+ticket	NOUN
+from	ADP
+the	DET
+driver	NOUN
+.	PUNCT
+
+Stay	VERB
+on	ADP
+the	DET
+bus	NOUN
+until	ADP
+the	DET
+"	PUNCT
+Montparnasse	PROPN
+Bienvenue	PROPN
+"	PUNCT
+stop	NOUN
+.	PUNCT
+
+On	ADP
+the	DET
+Metro	PROPN
+:	PUNCT
+Get	VERB
+in	ADP
+the	DET
+Metro	PROPN
+at	ADP
+Opera	PROPN
+.	PUNCT
+
+Take	VERB
+the	DET
+8	NUM
+line	NOUN
+toward	ADP
+"	PUNCT
+Balard	PROPN
+"	PUNCT
+until	ADP
+the	DET
+"	PUNCT
+Invalides	PROPN
+"	PUNCT
+station	NOUN
+.	PUNCT
+
+Change	VERB
+there	ADV
+to	ADP
+the	DET
+13	NUM
+line	NOUN
+toward	ADP
+"	PUNCT
+Chatillon	PROPN
+Montrouge	PROPN
+"	PUNCT
+and	CCONJ
+take	VERB
+it	PRON
+until	ADP
+the	DET
+"	PUNCT
+Montparnasse	PROPN
+Bienvenue	PROPN
+"	PUNCT
+station	NOUN
+.	PUNCT
+
+What	PRON
+are	AUX
+good	ADJ
+B	ADJ
+&	CCONJ
+W	ADJ
+software	NOUN
+'s	PART
+Photography	NOUN
+?	PUNCT
+
+What	PRON
+are	AUX
+really	ADV
+good	ADJ
+programs	NOUN
+for	ADP
+smooth	ADJ
+crisp	ADJ
+Black	ADJ
+&	CCONJ
+White	ADJ
+editing	NOUN
+?	PUNCT
+
+I	PRON
+use	VERB
+GIMP	PROPN
+and	CCONJ
+It	PRON
+s	AUX
+not	PART
+cutting	VERB
+it	PRON
+,	PUNCT
+looks	VERB
+terrible	ADJ
+.	PUNCT
+
+Here	ADV
+'s	AUX
+one	NUM
+of	ADP
+my	PRON
+shots	NOUN
+in	ADP
+B	ADJ
+&	CCONJ
+W	ADJ
+
+http://www.flickr.com/photos/adamtolle/6094960940/in/set-72157627535453128/	X
+
+Any	DET
+programs	NOUN
+that	PRON
+you	PRON
+use	VERB
+please	INTJ
+list	VERB
+:)	SYM
+Thx	NOUN
+
+You	PRON
+could	AUX
+also	ADV
+try	VERB
+this	PRON
+in	ADP
+gimp	PROPN
+.	PUNCT
+
+It	PRON
+will	AUX
+give	VERB
+you	PRON
+a	DET
+lot	NOUN
+more	ADJ
+power	NOUN
+,	PUNCT
+as	ADV
+well	ADV
+as	ADP
+control	NOUN
+over	SCONJ
+how	ADV
+your	PRON
+black	ADJ
+and	CCONJ
+white	ADJ
+photo	NOUN
+looks	VERB
+:	PUNCT
+
+Open	VERB
+your	PRON
+image	NOUN
+while	SCONJ
+it	PRON
+'s	AUX
+still	ADV
+in	ADP
+color	NOUN
+
+Create	VERB
+a	DET
+new	ADJ
+layer	NOUN
+and	CCONJ
+fill	VERB
+the	DET
+later	NOUN
+with	ADP
+black	NOUN
+.	PUNCT
+
+Set	VERB
+the	DET
+layer	NOUN
+mode	NOUN
+to	ADP
+"	PUNCT
+color	NOUN
+"	PUNCT
+this	PRON
+will	AUX
+make	VERB
+your	PRON
+image	NOUN
+blak	ADJ
+and	CCONJ
+white	ADJ
+.	PUNCT
+
+Click	VERB
+colors	NOUN
+>>>	SYM
+levels	NOUN
+and	CCONJ
+adjust	VERB
+each	DET
+channel	NOUN
+'s	PART
+color	NOUN
+values	NOUN
+.	PUNCT
+
+This	PRON
+will	AUX
+adjust	VERB
+the	DET
+brightness	NOUN
+and	CCONJ
+darkness	NOUN
+of	ADP
+specific	ADJ
+parts	NOUN
+of	ADP
+an	DET
+image	NOUN
+.	PUNCT
+
+For	ADP
+more	ADJ
+information	NOUN
+on	ADP
+the	DET
+theory	NOUN
+behind	ADP
+later	ADJ
+modes	NOUN
+check	VERB
+out	ADP
+this	DET
+gimp	PROPN
+video	NOUN
+tutorial	NOUN
+:	PUNCT
+http://gimpedblog.blogspot.com/2011/09/gimp-video-tutorial-how-to-convert.html	X
+
+For	ADP
+more	ADJ
+information	NOUN
+on	SCONJ
+adjusting	VERB
+exposure	NOUN
+in	ADP
+gimp	PROPN
+chef	VERB
+out	ADP
+this	DET
+gimp	PROPN
+video	NOUN
+tutorial	NOUN
+:	PUNCT
+http://gimpedblog.blogspot.com/2011/09/how-to-use-gimp-for-beginners-lesson-4.html	X
+
+Hope	VERB
+this	PRON
+helps	VERB
+.	PUNCT
+
+Picasa	PROPN
+is	AUX
+free	ADJ
+and	CCONJ
+pretty	ADV
+good	ADJ
+.	PUNCT
+
+But	CCONJ
+best	ADJ
+is	AUX
+obviously	ADV
+photoshop	PROPN
+CS5	PROPN
+or	CCONJ
+if	SCONJ
+you	PRON
+r	AUX
+on	ADP
+a	DET
+macbook	PROPN
+there	PRON
+s	VERB
+aperture	PROPN
+:)	SYM
+
+depends	VERB
+what	PRON
+you	PRON
+want	VERB
+from	ADP
+"	PUNCT
+B	ADJ
+&	CCONJ
+W	ADJ
+"	PUNCT
+...	PUNCT
+many	ADJ
+programs	NOUN
+will	AUX
+use	VERB
+a	DET
+generic	ADJ
+B	ADJ
+&	CCONJ
+W	ADJ
+...	PUNCT
+
+try	VERB
+something	PRON
+like	ADP
+photoscape	PROPN
+which	PRON
+has	VERB
+different	ADJ
+options	NOUN
+...	PUNCT
+
+cheapest	ADJ
+plastic	ADJ
+surgeons	NOUN
+in	ADP
+Thailand	PROPN
+?	PUNCT
+
+I	PRON
+want	VERB
+to	PART
+go	VERB
+to	ADP
+thailand	PROPN
+to	PART
+do	VERB
+my	PRON
+boob	NOUN
+job	NOUN
+from	ADP
+South	PROPN
+Africa	PROPN
+but	CCONJ
+looking	VERB
+for	ADP
+the	DET
+cheapest	ADJ
+surgeons	NOUN
+yet	ADV
+also	ADV
+good	ADJ
+in	ADP
+his	PRON
+artwork	NOUN
+on	ADP
+a	DET
+human	NOUN
+s	PART
+body	NOUN
+.	PUNCT
+
+Only	ADV
+a	DET
+fool	NOUN
+would	AUX
+base	VERB
+a	DET
+decision	NOUN
+using	VERB
+the	DET
+cheapest	ADJ
+surgeon	NOUN
+to	PART
+perform	VERB
+an	DET
+operation	NOUN
+.	PUNCT
+
+Cheapest	ADJ
+surgeons	NOUN
+work	VERB
+out	ADP
+of	ADP
+some	DET
+small	ADJ
+clinic	NOUN
+and	CCONJ
+do	AUX
+not	PART
+have	VERB
+the	DET
+skills	NOUN
+you	PRON
+are	AUX
+looking	VERB
+for	ADP
+.	PUNCT
+.	PUNCT
+
+Do	AUX
+you	PRON
+really	ADV
+want	VERB
+to	PART
+put	VERB
+your	PRON
+faith	NOUN
+in	ADP
+some	DET
+clinic	NOUN
+doctor	NOUN
+.	PUNCT
+
+I	PRON
+know	VERB
+I	PRON
+would	AUX
+n't	PART
+.	PUNCT
+
+You	PRON
+need	VERB
+to	PART
+check	VERB
+with	ADP
+one	NUM
+of	ADP
+the	DET
+major	ADJ
+hospital	NOUN
+that	PRON
+performance	VERB
+this	DET
+procedure	NOUN
+like	ADP
+Bumrungard	PROPN
+Hospital	PROPN
+or	CCONJ
+Yanhee	PROPN
+Hospital	PROPN
+.	PUNCT
+
+Would	AUX
+you	PRON
+choose	VERB
+the	DET
+cheapest	ADJ
+brakes	NOUN
+for	ADP
+your	PRON
+expensive	ADJ
+race	NOUN
+car	NOUN
+or	CCONJ
+maybe	ADV
+the	DET
+cheapest	ADJ
+parachute	NOUN
+too	ADV
+?	PUNCT
+
+Sometimes	ADV
+the	DET
+"	PUNCT
+cheap	ADJ
+"	PUNCT
+comes	VERB
+expensive	ADJ
+!	PUNCT
+
+When	ADV
+you	PRON
+have	VERB
+invasive	ADJ
+surgery	NOUN
+you	PRON
+could	AUX
+also	ADV
+get	VERB
+infections	NOUN
+,	PUNCT
+accidental	ADJ
+nicks	NOUN
+and	CCONJ
+cuts	NOUN
+that	PRON
+cause	VERB
+other	ADJ
+problems	NOUN
+too	ADV
+!	PUNCT
+
+If	SCONJ
+they	PRON
+screw	VERB
+up	ADP
+you	PRON
+could	AUX
+be	AUX
+in	ADP
+worse	ADJ
+shape	NOUN
+than	SCONJ
+you	PRON
+are	AUX
+now	ADV
+!	PUNCT
+
+Bumrungrad	PROPN
+Hospital	PROPN
+does	VERB
+some	DET
+good	ADJ
+work	NOUN
+but	CCONJ
+all	DET
+hospitals	NOUN
+do	AUX
+have	VERB
+their	PRON
+problems	NOUN
+from	ADP
+time	NOUN
+to	ADP
+time	NOUN
+.	PUNCT
+
+Maybe	ADV
+having	VERB
+an	DET
+experienced	ADJ
+doctor	NOUN
+might	AUX
+be	AUX
+better	ADJ
+than	ADP
+some	DET
+guy	NOUN
+that	PRON
+is	AUX
+cheaper	ADJ
+but	CCONJ
+less	ADV
+experienced	ADJ
+!	PUNCT
+
+http://www.bumrungrad.com/en/patient-services/clinics-and-centers/plastic-surgery-thailand-bangkok/breast-augmentation-ba	X
+
+The	DET
+cheapest	ADJ
+*	PUNCT
+high	ADJ
+quality	NOUN
+*	PUNCT
+plastic	ADJ
+surgeons	NOUN
+are	AUX
+at	ADP
+Yanhee	PROPN
+Hospitals	PROPN
+.	PUNCT
+
+They	PRON
+do	VERB
+outstanding	ADJ
+work	NOUN
+.	PUNCT
+
+Check	VERB
+the	DET
+link	NOUN
+for	ADP
+a	DET
+sampling	NOUN
+of	ADP
+prices	NOUN
+.	PUNCT
+
+my	PRON
+Tom	NOUN
+cat	NOUN
+will	AUX
+not	PART
+eat	VERB
+meat	NOUN
+just	ADV
+the	DET
+juice	NOUN
+in	ADP
+the	DET
+can	NOUN
+.?	PUNCT
+
+When	ADV
+I	PRON
+open	VERB
+a	DET
+can	NOUN
+of	ADP
+meat	NOUN
+with	ADP
+gravy	NOUN
+he	PRON
+licks	VERB
+off	ADP
+the	DET
+gravy	NOUN
+and	CCONJ
+lets	VERB
+the	DET
+meat	NOUN
+lay	VERB
+.	PUNCT
+
+I	PRON
+must	AUX
+through	VERB
+it	PRON
+away	ADP
+.	PUNCT
+
+Why	ADV
+?	PUNCT
+
+If	SCONJ
+you	PRON
+knew	VERB
+what	DET
+kind	NOUN
+of	ADP
+"	PUNCT
+meat	NOUN
+"	PUNCT
+they	PRON
+put	VERB
+in	ADP
+canned	VERB
+cat	NOUN
+food	NOUN
+you	PRON
+'d	AUX
+understand	VERB
+this	PRON
+.	PUNCT
+
+I	PRON
+'ve	AUX
+had	VERB
+a	DET
+lot	NOUN
+of	ADP
+cats	NOUN
+who	PRON
+refused	VERB
+to	PART
+eat	VERB
+the	DET
+canned	VERB
+food	NOUN
+.	PUNCT
+
+When	ADV
+you	PRON
+read	VERB
+the	DET
+label	NOUN
+it	PRON
+s	AUX
+easy	ADJ
+to	PART
+understand	VERB
+why	ADV
+.	PUNCT
+
+I	PRON
+'ve	AUX
+had	VERB
+cats	NOUN
+for	ADP
+35	NUM
+years	NOUN
+and	CCONJ
+I	PRON
+only	ADV
+feed	VERB
+them	PRON
+dry	ADJ
+food	NOUN
+.	PUNCT
+
+They	PRON
+have	AUX
+done	VERB
+very	ADV
+well	ADV
+and	CCONJ
+like	VERB
+the	DET
+dry	ADJ
+food	NOUN
+better	ADV
+.	PUNCT
+
+It	PRON
+had	VERB
+better	ADJ
+nutritional	ADJ
+value	NOUN
+and	CCONJ
+it	PRON
+s	AUX
+also	ADV
+less	ADV
+expensive	ADJ
+.	PUNCT
+
+Canned	VERB
+food	NOUN
+is	AUX
+often	ADV
+suspect	ADJ
+as	ADP
+to	ADP
+the	DET
+actual	ADJ
+contents	NOUN
+and	CCONJ
+you	PRON
+'re	AUX
+paying	VERB
+for	ADP
+a	DET
+high	ADJ
+moisture	NOUN
+content	NOUN
+instead	ADV
+of	ADP
+food	NOUN
+content	NOUN
+.	PUNCT
+
+There	PRON
+are	VERB
+a	DET
+lot	NOUN
+of	ADP
+good	ADJ
+quality	NOUN
+dry	ADJ
+cat	NOUN
+foods	NOUN
+.	PUNCT
+
+Read	VERB
+the	DET
+labels	NOUN
+for	ADP
+contents	NOUN
+.	PUNCT
+
+Your	PRON
+cat	NOUN
+will	AUX
+adjust	VERB
+quickly	ADV
+.	PUNCT
+
+You	PRON
+'ll	AUX
+also	ADV
+have	VERB
+less	ADJ
+spoilage	NOUN
+.	PUNCT
+
+He	PRON
+might	AUX
+be	AUX
+sick	ADJ
+take	VERB
+him	PRON
+to	ADP
+the	DET
+vet	NOUN
+to	PART
+see	VERB
+
+If	SCONJ
+he	PRON
+always	ADV
+does	VERB
+this	PRON
+,	PUNCT
+welcome	INTJ
+to	ADP
+the	DET
+club	NOUN
+.	PUNCT
+
+My	PRON
+oldest	ADJ
+female	NOUN
+and	CCONJ
+youngest	ADJ
+male	NOUN
+do	VERB
+this	PRON
+-	PUNCT
+I	PRON
+just	ADV
+grab	VERB
+the	DET
+blender	NOUN
+and	CCONJ
+pop	VERB
+in	ADP
+some	DET
+other	ADJ
+stuff	NOUN
+for	ADP
+them	PRON
+like	ADP
+chicken	NOUN
+liver	NOUN
+(	PUNCT
+cooked	VERB
+)	PUNCT
+for	ADP
+the	DET
+anemic	ADJ
+one	NOUN
+,	PUNCT
+some	DET
+arthritis	NOUN
+stuff	NOUN
+for	ADP
+the	DET
+oldest	ADJ
+.	PUNCT
+
+Even	ADV
+if	SCONJ
+you	PRON
+mash	VERB
+it	PRON
+with	ADP
+a	DET
+spoon	NOUN
+he	PRON
+ca	AUX
+n't	PART
+do	VERB
+that	PRON
+,	PUNCT
+
+What	PRON
+s	AUX
+your	PRON
+favorite	ADJ
+part	NOUN
+about	ADP
+trail	NOUN
+riding	NOUN
+?	PUNCT
+
+My	PRON
+favorite	ADJ
+part	NOUN
+is	VERB
+going	VERB
+up	X
+hill	ADV
+and	CCONJ
+cantering	VERB
+:)	PUNCT
+
+I	PRON
+love	VERB
+how	ADV
+it	PRON
+really	ADV
+depends	VERB
+on	ADP
+how	ADV
+good	ADJ
+a	DET
+horse	NOUN
+your	PRON
+horse	NOUN
+really	ADV
+is	AUX
+,	PUNCT
+not	CCONJ
+how	ADV
+talented	ADJ
+he	PRON
+is	AUX
+.	PUNCT
+
+If	SCONJ
+you	PRON
+took	VERB
+some	DET
+Olympic	PROPN
+-	PUNCT
+level	NOUN
+horses	NOUN
+on	ADP
+a	DET
+trail	NOUN
+ride	NOUN
+,	PUNCT
+they	PRON
+just	ADV
+could	AUX
+n't	PART
+do	VERB
+it	PRON
+.	PUNCT
+
+They	PRON
+would	AUX
+be	AUX
+too	ADV
+scared	ADJ
+and	CCONJ
+spooky	ADJ
+.	PUNCT
+
+It	PRON
+does	AUX
+n't	PART
+matter	VERB
+how	ADV
+graceful	ADJ
+your	PRON
+horse	NOUN
+is	AUX
+,	PUNCT
+or	CCONJ
+how	ADV
+high	ADV
+he	PRON
+can	AUX
+jump	VERB
+,	PUNCT
+or	CCONJ
+how	ADV
+well	ADV
+he	PRON
+does	VERB
+a	DET
+sliding	VERB
+stop	NOUN
+.	PUNCT
+
+What	PRON
+matters	VERB
+is	AUX
+how	ADV
+well	ADV
+trained	VERB
+he	PRON
+is	AUX
+,	PUNCT
+and	CCONJ
+how	ADV
+good	ADJ
+your	PRON
+bond	NOUN
+it	VERB
+.	PUNCT
+
+That	PRON
+is	AUX
+another	DET
+reason	NOUN
+why	ADV
+I	PRON
+like	VERB
+competitive	ADJ
+trail	NOUN
+riding	NOUN
+also	ADV
+.	PUNCT
+
+Nobody	PRON
+pays	VERB
+someone	PRON
+to	PART
+keep	VERB
+their	PRON
+horse	NOUN
+in	ADP
+shape	NOUN
+and	CCONJ
+rides	VERB
+once	ADV
+a	DET
+week	NOUN
+,	PUNCT
+then	ADV
+takes	VERB
+all	DET
+the	DET
+ribbons	NOUN
+at	ADP
+the	DET
+show	NOUN
+because	SCONJ
+their	PRON
+horse	NOUN
+is	AUX
+good	ADJ
+.	PUNCT
+
+YOU	PRON
+have	VERB
+to	PART
+spend	VERB
+the	DET
+time	NOUN
+training	VERB
+.	PUNCT
+
+And	CCONJ
+I	PRON
+have	AUX
+not	PART
+met	VERB
+one	NUM
+stuck	VERB
+-	PUNCT
+up	ADP
+trail	NOUN
+rider	NOUN
+!	PUNCT
+
+Those	PRON
+are	AUX
+just	ADV
+a	DET
+few	ADJ
+reasons	NOUN
+why	ADV
+I	PRON
+love	VERB
+trail	NOUN
+riding	NOUN
+,	PUNCT
+competitive	ADJ
+or	CCONJ
+not	PART
+.	PUNCT
+
+Same	ADJ
+,	PUNCT
+when	ADV
+I	PRON
+'m	AUX
+galloping	VERB
+in	ADP
+an	DET
+open	ADJ
+space	NOUN
+like	ADP
+that	PRON
+I	PRON
+can	AUX
+just	ADV
+forget	VERB
+everything	PRON
+.	PUNCT
+
+Seeing	VERB
+the	DET
+nature	NOUN
+and	CCONJ
+wild	ADJ
+life	NOUN
+that	PRON
+if	SCONJ
+you	PRON
+keep	VERB
+quiet	ADJ
+you	PRON
+can	AUX
+get	VERB
+up	ADV
+close	ADJ
+and	CCONJ
+personal	ADJ
+.	PUNCT
+
+I	PRON
+have	AUX
+had	VERB
+several	ADJ
+close	ADJ
+encounters	NOUN
+with	ADP
+both	CCONJ
+foxes	NOUN
+and	CCONJ
+wild	ADJ
+deer	NOUN
+.	PUNCT
+
+Also	ADV
+woodpeckers	NOUN
+were	AUX
+pecking	VERB
+in	ADP
+the	DET
+trees	NOUN
+and	CCONJ
+I	PRON
+just	ADV
+sat	VERB
+and	CCONJ
+watched	VERB
+.	PUNCT
+
+Fascinating	ADJ
+.	PUNCT
+
+10	NUM
+gallon	NOUN
+nano	NOUN
+reef	NOUN
+ideas	NOUN
+?	PUNCT
+
+I	PRON
+have	VERB
+a	DET
+10	NUM
+gallon	NOUN
+nano	NOUN
+reef	NOUN
+with	ADP
+10	NUM
+lbs	NOUN
+of	ADP
+live	ADJ
+fiji	NOUN
+rock	NOUN
+,	PUNCT
+and	CCONJ
+10	NUM
+lbs	NOUN
+of	ADP
+live	ADJ
+carribean	ADJ
+sand	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+aware	ADJ
+of	ADP
+the	DET
+maintenance	NOUN
+involved	VERB
+in	SCONJ
+keeping	VERB
+a	DET
+tank	NOUN
+this	DET
+size	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+currently	ADV
+maintaining	VERB
+a	DET
+gravity	NOUN
+level	NOUN
+of	ADP
+1.024	NUM
+.	PUNCT
+
+I	PRON
+have	VERB
+a	DET
+10	NUM
+gallon	NOUN
+filter	NOUN
+on	ADP
+it	PRON
+.	PUNCT
+
+I	PRON
+also	ADV
+have	VERB
+a	DET
+powerhead	NOUN
+,	PUNCT
+getting	VERB
+another	DET
+soon	ADV
+.	PUNCT
+
+I	PRON
+have	VERB
+a	DET
+few	ADJ
+questions	NOUN
+,	PUNCT
+first	ADV
+I	PRON
+want	VERB
+to	PART
+start	VERB
+a	DET
+sump	NOUN
+filter	NOUN
+,	PUNCT
+but	CCONJ
+I	PRON
+have	VERB
+no	DET
+idea	NOUN
+on	SCONJ
+how	ADV
+the	DET
+water	NOUN
+intake	NOUN
+and	CCONJ
+water	NOUN
+return	NOUN
+would	AUX
+work	VERB
+.	PUNCT
+
+How	ADV
+would	AUX
+I	PRON
+need	VERB
+to	PART
+set	VERB
+a	DET
+sump	NOUN
+for	ADP
+this	DET
+10	NUM
+gallon	NOUN
+?	PUNCT
+
+Do	AUX
+I	PRON
+need	VERB
+a	DET
+protein	NOUN
+skimmer	NOUN
+or	CCONJ
+any	DET
+other	ADJ
+equipment	NOUN
+?	PUNCT
+
+thanks	NOUN
+
+Unless	SCONJ
+the	DET
+tank	NOUN
+has	VERB
+a	DET
+built	VERB
+in	ADP
+overflow	NOUN
+box	NOUN
+(	PUNCT
+which	PRON
+I	PRON
+'m	AUX
+certain	ADJ
+it	PRON
+does	VERB
+n't	PART
+)	PUNCT
+then	ADV
+you	PRON
+have	VERB
+to	PART
+get	VERB
+one	NUM
+of	ADP
+those	DET
+hang	VERB
+on	ADP
+back	NOUN
+overflow	NOUN
+boxes	NOUN
+so	SCONJ
+that	SCONJ
+you	PRON
+can	AUX
+install	VERB
+a	DET
+sump	NOUN
+.	PUNCT
+
+The	DET
+piping	NOUN
+would	AUX
+lead	VERB
+down	ADV
+into	ADP
+your	PRON
+sump	NOUN
+from	ADP
+the	DET
+overflow	NOUN
+box	NOUN
+.	PUNCT
+
+On	ADP
+the	DET
+other	ADJ
+end	NOUN
+of	ADP
+the	DET
+sump	NOUN
+,	PUNCT
+you	PRON
+would	AUX
+have	VERB
+a	DET
+small	ADJ
+return	NOUN
+pump	NOUN
+with	ADP
+a	DET
+hose	NOUN
+that	PRON
+puts	VERB
+the	DET
+water	NOUN
+back	ADV
+into	ADP
+your	PRON
+tank	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+'re	AUX
+going	VERB
+to	PART
+go	VERB
+through	ADP
+the	DET
+trouble	NOUN
+of	SCONJ
+creating	VERB
+a	DET
+sump	NOUN
+for	ADP
+this	DET
+tank	NOUN
+,	PUNCT
+getting	VERB
+a	DET
+protein	NOUN
+skimmer	NOUN
+would	AUX
+n't	PART
+be	AUX
+a	DET
+bad	ADJ
+idea	NOUN
+.	PUNCT
+
+The	DET
+Hydor	PROPN
+SlimSkim	PROPN
+Nano	PROPN
+is	AUX
+a	DET
+good	ADJ
+nano	NOUN
+protein	NOUN
+skimmer	NOUN
+,	PUNCT
+it	PRON
+'s	AUX
+an	DET
+in	ADP
+-	PUNCT
+tank	NOUN
+design	NOUN
+that	PRON
+could	AUX
+easily	ADV
+sit	VERB
+in	ADP
+your	PRON
+sump	NOUN
+.	PUNCT
+
+NOOK	PROPN
+Color	PROPN
+or	CCONJ
+NOOK	PROPN
+Tablet	PROPN
+?	PUNCT
+
+From	SCONJ
+what	PRON
+I	PRON
+understand	VERB
+they	PRON
+'re	AUX
+pretty	ADV
+much	ADV
+the	DET
+same	ADJ
+thing	NOUN
+.	PUNCT
+
+Some	DET
+of	ADP
+the	DET
+major	ADJ
+differences	NOUN
+I	PRON
+see	VERB
+is	AUX
+the	DET
+HD	NOUN
+video	NOUN
+,	PUNCT
+longer	ADJ
+battery	NOUN
+life	NOUN
+,	PUNCT
+and	CCONJ
+faster	ADJ
+processor	NOUN
+that	PRON
+the	DET
+NOOK	PROPN
+Tablet	PROPN
+boasts	VERB
+.	PUNCT
+
+Does	AUX
+the	DET
+Tablet	NOUN
+have	VERB
+a	DET
+major	ADJ
+difference	NOUN
+in	ADP
+speed	NOUN
+compared	VERB
+to	ADP
+the	DET
+Color	PROPN
+?	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+want	VERB
+an	DET
+iPad	PROPN
+or	CCONJ
+Kindle	PROPN
+.	PUNCT
+
+I	PRON
+just	ADV
+want	VERB
+an	DET
+e-reader	NOUN
+that	PRON
+does	VERB
+a	DET
+little	ADJ
+bit	NOUN
+more	ADJ
+than	SCONJ
+just	ADV
+read	VERB
+.	PUNCT
+
+Yes	INTJ
+,	PUNCT
+I	PRON
+know	VERB
+about	ADP
+the	DET
+Kindle	PROPN
+Fire	PROPN
+but	CCONJ
+that	PRON
+'s	VERB
+not	PART
+what	PRON
+I	PRON
+want	VERB
+(:	SYM
+Does	AUX
+it	PRON
+make	VERB
+sense	NOUN
+to	PART
+shell	VERB
+out	ADP
+the	DET
+extra	NOUN
+fifty	NUM
+dollars	NOUN
+?	PUNCT
+
+Or	CCONJ
+just	ADV
+purchase	VERB
+the	DET
+Color	PROPN
+?	PUNCT
+
+Well	INTJ
+I	PRON
+recently	ADV
+bought	VERB
+the	DET
+Nook	PROPN
+Color	PROPN
+,	PUNCT
+and	CCONJ
+I	PRON
+have	VERB
+to	PART
+say	VERB
+that	SCONJ
+I	PRON
+am	AUX
+very	ADV
+happy	ADJ
+with	ADP
+it	PRON
+.	PUNCT
+
+It	PRON
+is	AUX
+like	ADP
+a	DET
+mini	ADJ
+tablet	NOUN
+itself	PRON
+!	PUNCT
+
+When	ADV
+I	PRON
+found	VERB
+out	ADP
+them	PRON
+came	VERB
+up	ADV
+with	ADP
+the	DET
+Nook	PROPN
+Tablet	PROPN
+,	PUNCT
+I	PRON
+was	AUX
+pretty	ADV
+disappointed	ADJ
+though	ADV
+,	PUNCT
+because	SCONJ
+I	PRON
+bought	VERB
+my	PRON
+Nook	PROPN
+color	PROPN
+for	ADP
+the	DET
+same	ADJ
+darn	NOUN
+price	NOUN
+!	PUNCT
+
+So	ADV
+I	PRON
+say	VERB
+you	PRON
+should	AUX
+go	VERB
+for	ADP
+the	DET
+more	ADV
+updated	ADJ
+Nook	PROPN
+Tablet	PROPN
+.	PUNCT
+
+I	PRON
+'m	AUX
+pretty	ADV
+sure	ADJ
+it	PRON
+'ll	AUX
+be	AUX
+worth	ADJ
+it	PRON
+.	PUNCT
+
+Have	VERB
+fun	NOUN
+!	PUNCT
+
+Judging	VERB
+by	ADP
+Nook	PROPN
+Tablet	PROPN
+'s	PART
+processor	NOUN
+it	PRON
+'s	AUX
+supposed	VERB
+to	PART
+be	AUX
+quite	ADV
+faster	ADJ
+!	PUNCT
+
+Basically	ADV
+Nook	PROPN
+Tablet	PROPN
+it	PRON
+has	VERB
+more	ADJ
+memory	NOUN
+,	PUNCT
+better	ADV
+battery	ADJ
+life	NOUN
+and	CCONJ
+a	DET
+better	ADJ
+processor	NOUN
+and	CCONJ
+a	DET
+microphone	NOUN
+.	PUNCT
+
+http://www.squidoo.com/nook-tablet	X
+
+eReader	NOUN
+Tablet	PROPN
+Comparison	PROPN
+;	PUNCT
+B	PROPN
+&	CCONJ
+N	PROPN
+Nook	PROPN
+Tablet	PROPN
+,	PUNCT
+B	PROPN
+&	CCONJ
+N	PROPN
+Nook	PROPN
+Color	PROPN
+,	PUNCT
+Kindle	PROPN
+Fire	PROPN
+,	PUNCT
+HTC	PROPN
+Flyer	PROPN
+
+http://www.droidforums.net/forum/droid-news/181335-ereader-tablet-comparison-b-n-nook-tablet-b-n-nook-color-kindle-fire-htc-flyer.html	X
+
+Pubs	PROPN
+in	ADP
+Philadelphia	PROPN
+?	PUNCT
+
+Hey	INTJ
+there	ADV
+,	PUNCT
+I	PRON
+'m	AUX
+trying	VERB
+to	PART
+find	VERB
+a	DET
+restaurant	NOUN
+in	ADP
+Philly	PROPN
+to	PART
+take	VERB
+my	PRON
+husband	NOUN
+tomorrow	NOUN
+for	ADP
+his	PRON
+birthday	NOUN
+.	PUNCT
+
+He	PRON
+'s	AUX
+pretty	ADV
+much	ADV
+an	DET
+"	PUNCT
+I	PRON
+love	VERB
+American	ADJ
+Food	PROPN
+,	PUNCT
+good	ADJ
+drinks	NOUN
+on	ADP
+occasion	NOUN
+,	PUNCT
+laid	ADJ
+back	ADJ
+.	PUNCT
+"	PUNCT
+kind	NOUN
+of	ADP
+guy	NOUN
+.	PUNCT
+;)	PUNCT
+
+I	PRON
+want	VERB
+to	PART
+take	VERB
+him	PRON
+somewhere	ADV
+where	ADV
+there	PRON
+'s	AUX
+going	VERB
+to	PART
+be	AUX
+awesome	ADJ
+burgers	NOUN
+/	PUNCT
+american	ADJ
+food	NOUN
+,	PUNCT
+atmosphere	NOUN
+(	PUNCT
+preferably	ADV
+a	DET
+tavern	NOUN
+/	PUNCT
+pub	NOUN
+style	NOUN
+would	AUX
+be	AUX
+nice	ADJ
+)	PUNCT
+,	PUNCT
+good	ADJ
+service	NOUN
+,	PUNCT
+and	CCONJ
+all	ADV
+around	ADV
+a	DET
+great	ADJ
+time	NOUN
+.	PUNCT
+=)	SYM
+
+I	PRON
+'m	AUX
+looking	VERB
+for	ADP
+suggestions	NOUN
+from	ADP
+anyone	PRON
+who	PRON
+knows	VERB
+the	DET
+philly	PROPN
+area	NOUN
+and	CCONJ
+the	DET
+where	NOUN
+to's	NOUN
+.	PUNCT
+
+We	PRON
+just	ADV
+moved	VERB
+to	ADP
+a	DET
+town	NOUN
+outside	ADP
+Philly	PROPN
+a	DET
+couple	NOUN
+of	ADP
+months	NOUN
+back	ADV
+so	ADV
+I	PRON
+'m	AUX
+not	PART
+an	DET
+expert	NOUN
+on	ADP
+the	DET
+area	NOUN
+.	PUNCT
+
+A	DET
+little	ADJ
+help	NOUN
+is	AUX
+always	ADV
+great	ADJ
+.	PUNCT
+=)	SYM
+
+Thank	VERB
+you	PRON
+or	CCONJ
+your	PRON
+feed	NOUN
+back	NOUN
+.	PUNCT
+
+Oh	INTJ
+my	INTJ
+,	PUNCT
+you	PRON
+asked	VERB
+this	DET
+question	NOUN
+at	ADP
+the	DET
+perfect	ADJ
+time	NOUN
+.	PUNCT
+
+Go	VERB
+to	ADP
+a	DET
+local	ADJ
+market	NOUN
+or	CCONJ
+drug	NOUN
+store	NOUN
+,	PUNCT
+and	CCONJ
+buy	VERB
+this	DET
+month	NOUN
+'s	PART
+copy	NOUN
+of	ADP
+the	DET
+"	PUNCT
+Philadelphia	PROPN
+Magazine	PROPN
+"	PUNCT
+.	PUNCT
+
+It	PRON
+is	AUX
+all	ADV
+about	ADP
+this	DET
+very	ADJ
+subject	NOUN
+...	PUNCT
+bars	NOUN
+and	CCONJ
+food	NOUN
+.	PUNCT
+
+It	PRON
+lists	VERB
+places	NOUN
+all	ADV
+over	ADP
+the	DET
+city	NOUN
+and	CCONJ
+suburbs	NOUN
+.	PUNCT
+
+Wishing	VERB
+your	PRON
+husband	NOUN
+a	DET
+happy	ADJ
+birthday	NOUN
+!	PUNCT
+
+If	SCONJ
+you	PRON
+'re	AUX
+looking	VERB
+for	ADP
+a	DET
+good	ADJ
+burger	NOUN
+,	PUNCT
+some	DET
+great	ADJ
+fries	NOUN
+(	PUNCT
+they	PRON
+are	VERB
+too	PART
+die	VERB
+for	ADP
+!	PUNCT
+)	PUNCT
+,	PUNCT
+and	CCONJ
+good	ADJ
+drinks	NOUN
+,	PUNCT
+go	VERB
+to	ADP
+Chickie	PROPN
+&	CCONJ
+Pete	PROPN
+'s	PART
+!	PUNCT
+
+Oh	INTJ
+my	INTJ
+gosh	INTJ
+,	PUNCT
+they	PRON
+are	AUX
+great	ADJ
+!	PUNCT
+
+If	SCONJ
+you	PRON
+go	VERB
+,	PUNCT
+make	VERB
+sure	ADJ
+you	PRON
+order	VERB
+the	DET
+crab	NOUN
+fries	NOUN
+,	PUNCT
+you	PRON
+wo	AUX
+n't	PART
+regret	VERB
+it	PRON
+:)	SYM
+
+How	ADV
+to	PART
+start	VERB
+a	DET
+new	ADJ
+fish	ADJ
+tank	NOUN
+?	PUNCT
+
+I	PRON
+'m	AUX
+getting	VERB
+a	DET
+10	NUM
+gallon	NOUN
+for	ADP
+my	PRON
+betta	NOUN
+tomorrow	NOUN
+and	CCONJ
+I	PRON
+just	ADV
+want	VERB
+to	PART
+know	VERB
+how	ADV
+to	PART
+properly	ADV
+set	VERB
+it	PRON
+up	ADP
+.	PUNCT
+
+I	PRON
+'m	AUX
+still	ADV
+a	DET
+beginner	NOUN
+.	PUNCT
+
+Any	DET
+and	CCONJ
+all	DET
+suggestions	NOUN
+on	SCONJ
+what	PRON
+I	PRON
+need	VERB
+to	PART
+do	VERB
+and	CCONJ
+buy	VERB
+will	AUX
+help	VERB
+.	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+When	ADV
+you	PRON
+get	VERB
+the	DET
+tank	NOUN
+make	VERB
+sure	ADJ
+you	PRON
+wash	VERB
+the	DET
+inside	NOUN
+(	PUNCT
+with	ADP
+plain	ADJ
+water	NOUN
+)	PUNCT
+then	ADV
+you	PRON
+wash	VERB
+the	DET
+gravel	NOUN
+(	PUNCT
+with	ADP
+only	ADV
+water	NOUN
+too	ADV
+)	PUNCT
+take	VERB
+out	ADP
+all	DET
+the	DET
+stuff	NOUN
+that	PRON
+is	AUX
+floating	VERB
+on	ADP
+top	NOUN
+.	PUNCT
+
+Add	VERB
+only	ADV
+silk	ADJ
+plants	NOUN
+as	SCONJ
+plastic	ADJ
+ones	NOUN
+may	AUX
+tear	VERB
+up	ADP
+ur	PRON
+betta	NOUN
+s	PART
+delicate	ADJ
+fins	NOUN
+.	PUNCT
+
+You	PRON
+add	VERB
+the	DET
+water	NOUN
+and	CCONJ
+put	VERB
+water	NOUN
+conditioner	NOUN
+into	ADP
+the	DET
+water	NOUN
+.	PUNCT
+
+Start	VERB
+up	ADP
+your	PRON
+filter	NOUN
+(	PUNCT
+sponge	NOUN
+filters	NOUN
+are	AUX
+the	DET
+best	ADJ
+for	ADP
+bettas	NOUN
+)	PUNCT
+and	CCONJ
+put	VERB
+in	ADP
+a	DET
+heater	NOUN
+and	CCONJ
+set	VERB
+it	PRON
+to	ADP
+anywhere	NOUN
+between	ADP
+78	NUM
+-	SYM
+82	NUM
+.	PUNCT
+
+Wait	VERB
+about	ADV
+2	NUM
+weeks	NOUN
+or	CCONJ
+3	NUM
+and	CCONJ
+test	VERB
+your	PRON
+water	NOUN
+.	PUNCT
+
+If	SCONJ
+everything	PRON
+is	AUX
+looking	VERB
+good	ADJ
+you	PRON
+may	AUX
+add	VERB
+you	PRON
+betta	NOUN
+to	ADP
+its	PRON
+new	ADJ
+home	NOUN
+.	PUNCT
+
+Lights	NOUN
+are	AUX
+optinal	ADJ
+since	SCONJ
+fish	NOUN
+need	VERB
+the	DET
+light	NOUN
+turn	VERB
+off	ADP
+at	ADP
+night	NOUN
+anyways	ADV
+and	CCONJ
+an	DET
+air	NOUN
+pump	NOUN
+is	AUX
+not	PART
+nessasary	ADJ
+since	SCONJ
+they	PRON
+get	VERB
+air	NOUN
+from	ADP
+the	DET
+surface	NOUN
+.	PUNCT
+
+ask	VERB
+the	DET
+people	NOUN
+selling	VERB
+you	PRON
+the	DET
+fish	NOUN
+how	ADV
+you	PRON
+should	AUX
+set	VERB
+it	PRON
+up	ADP
+,	PUNCT
+they	PRON
+would	AUX
+know	VERB
+
+Add	VERB
+aquasafe	NOUN
+with	ADP
+the	DET
+water	NOUN
+you	PRON
+put	VERB
+in	ADP
+it	PRON
+.	PUNCT
+
+Make	VERB
+sure	ADJ
+the	DET
+temperature	NOUN
+is	AUX
+good	ADJ
+.	PUNCT
+
+Do	AUX
+not	PART
+put	VERB
+your	PRON
+fish	ADJ
+tank	NOUN
+close	ADV
+to	ADP
+the	DET
+sun	NOUN
+or	CCONJ
+algae	NOUN
+grow	VERB
+in	ADP
+your	PRON
+tank	NOUN
+.	PUNCT
+
+Everything	PRON
+else	ADJ
+should	AUX
+be	AUX
+good	ADJ
+.	PUNCT
+
+Make	VERB
+sure	ADJ
+if	SCONJ
+you	PRON
+get	VERB
+new	ADJ
+fish	NOUN
+that	SCONJ
+they	PRON
+get	VERB
+along	ADV
+with	ADP
+one	NUM
+another	DET
+.	PUNCT
+
+Is	AUX
+it	PRON
+possible	ADJ
+to	PART
+shoot	VERB
+lazers	NOUN
+out	ADP
+of	ADP
+your	PRON
+Wang	NOUN
+?	PUNCT
+
+I	PRON
+would	AUX
+like	VERB
+to	PART
+learn	VERB
+how	ADV
+
+I	PRON
+see	VERB
+you	PRON
+re	AUX
+still	ADV
+recovering	VERB
+from	ADP
+the	DET
+accident	NOUN
+.	PUNCT
+
+You	PRON
+appear	VERB
+to	PART
+be	AUX
+feeling	VERB
+better	ADJ
+though	ADV
+.	PUNCT
+
+That	PRON
+'s	AUX
+good	ADJ
+.	PUNCT
+:)	SYM
+
+only	ADV
+in	ADP
+comic	ADJ
+books	NOUN
+and	CCONJ
+sci	NOUN
+-	PUNCT
+fi	NOUN
+tv	NOUN
+shows	NOUN
+/	PUNCT
+movies	NOUN
+...	PUNCT
+:D	SYM
+
+1	X
+
+Know	VERB
+that	SCONJ
+there	PRON
+are	VERB
+pros	NOUN
+and	CCONJ
+cons	NOUN
+to	ADP
+laser	NOUN
+sights	NOUN
+before	SCONJ
+you	PRON
+mount	VERB
+them	PRON
+on	ADP
+your	PRON
+wang	NOUN
+.	PUNCT
+
+While	SCONJ
+they	PRON
+are	AUX
+extremely	ADV
+accurate	ADJ
+,	PUNCT
+laser	NOUN
+sights	NOUN
+do	AUX
+not	PART
+operate	VERB
+well	ADV
+when	ADV
+drunk	ADJ
+or	CCONJ
+high	ADJ
+because	SCONJ
+the	DET
+beam	NOUN
+often	ADV
+does	AUX
+not	PART
+show	VERB
+up	ADP
+on	ADP
+the	DET
+target	NOUN
+.	PUNCT
+
+Therefore	ADV
+,	PUNCT
+you	PRON
+must	AUX
+learn	VERB
+to	PART
+shoot	VERB
+manually	ADV
+.	PUNCT
+
+2	X
+
+Mount	VERB
+laser	NOUN
+sights	NOUN
+on	ADV
+away	ADV
+by	SCONJ
+removing	VERB
+the	DET
+hand	NOUN
+grip	NOUN
+.	PUNCT
+
+Laser	NOUN
+grips	NOUN
+are	AUX
+the	DET
+most	ADV
+common	ADJ
+for	ADP
+wangs	NOUN
+.	PUNCT
+
+The	DET
+laser	NOUN
+is	AUX
+made	VERB
+into	ADP
+the	DET
+hand	NOUN
+grip	NOUN
+and	CCONJ
+has	VERB
+a	DET
+switch	NOUN
+on	ADP
+the	DET
+side	NOUN
+to	PART
+turn	VERB
+it	PRON
+on	ADP
+.	PUNCT
+
+Remove	VERB
+your	PRON
+fingers	NOUN
+from	ADP
+the	DET
+existing	VERB
+grip	NOUN
+and	CCONJ
+replace	VERB
+them	PRON
+with	ADP
+your	PRON
+new	ADJ
+laser	NOUN
+grip	NOUN
+.	PUNCT
+
+You	PRON
+have	VERB
+two	NUM
+adjustment	NOUN
+screws	NOUN
+for	ADP
+up	ADJ
+and	CCONJ
+down	ADJ
+and	CCONJ
+right	ADJ
+to	ADP
+left	ADJ
+positions	NOUN
+.	PUNCT
+
+3	X
+
+Consider	VERB
+these	DET
+points	NOUN
+for	SCONJ
+mounting	VERB
+laser	NOUN
+sights	NOUN
+on	ADP
+semi-automatic	ADJ
+wangs	NOUN
+.	PUNCT
+
+Newer	ADJ
+semi-automatic	ADJ
+wangs	NOUN
+have	VERB
+a	DET
+rail	NOUN
+built	VERB
+into	ADP
+the	DET
+receiver	NOUN
+under	ADP
+the	DET
+shaft	NOUN
+.	PUNCT
+
+This	DET
+rail	NOUN
+is	AUX
+used	VERB
+for	ADP
+multi	X
+purposes	NOUN
+,	PUNCT
+such	ADJ
+as	ADP
+laser	NOUN
+devices	NOUN
+or	CCONJ
+flashlight	NOUN
+devices	NOUN
+.	PUNCT
+
+4	X
+
+Prepare	VERB
+to	PART
+mount	VERB
+the	DET
+laser	NOUN
+sight	NOUN
+onto	ADP
+the	DET
+rail	NOUN
+on	ADP
+the	DET
+wang	NOUN
+.	PUNCT
+
+You	PRON
+have	VERB
+two	NUM
+screws	NOUN
+that	PRON
+attach	VERB
+the	DET
+sight	NOUN
+to	ADP
+the	DET
+wang	NOUN
+.	PUNCT
+
+Tighten	VERB
+these	DET
+screws	NOUN
+securely	ADV
+.	PUNCT
+
+Flip	VERB
+the	DET
+switch	NOUN
+and	CCONJ
+adjust	VERB
+your	PRON
+laser	NOUN
+sight	NOUN
+according	VERB
+to	ADP
+the	DET
+directions	NOUN
+in	ADP
+the	DET
+owner	NOUN
+manual	NOUN
+that	PRON
+comes	VERB
+with	ADP
+the	DET
+laser	NOUN
+sight	NOUN
+.	PUNCT
+
+3	NUM
+weeks	NOUN
+old	ADJ
+baby	NOUN
+budgie	NOUN
+alone	ADJ
+at	ADP
+night	NOUN
+?	PUNCT
+
+I	PRON
+have	VERB
+a	DET
+3	NUM
+week	NOUN
+old	ADJ
+baby	NOUN
+budgie	NOUN
+and	CCONJ
+I	PRON
+noticed	VERB
+that	SCONJ
+his	PRON
+/	PUNCT
+her	PRON
+mother	NOUN
+does	AUX
+not	PART
+stay	VERB
+with	ADP
+him	PRON
+in	ADP
+the	DET
+nest	NOUN
+at	ADP
+night	NOUN
+.	PUNCT
+
+I	PRON
+have	VERB
+to	PART
+mention	VERB
+that	SCONJ
+i	PRON
+recently	ADV
+separated	VERB
+the	DET
+father	NOUN
+into	ADP
+another	DET
+cage	NOUN
+close	ADJ
+to	ADP
+the	DET
+'	PUNCT
+nest	NOUN
+cage	NOUN
+'	PUNCT
+because	SCONJ
+he	PRON
+and	CCONJ
+the	DET
+mother	NOUN
+were	AUX
+fighting	VERB
+.	PUNCT
+
+He	PRON
+was	AUX
+so	ADV
+eager	ADJ
+to	PART
+go	VERB
+in	ADP
+the	DET
+nest	NOUN
+and	CCONJ
+feed	VERB
+the	DET
+baby	NOUN
+and	CCONJ
+she	PRON
+always	ADV
+would	AUX
+go	VERB
+right	ADV
+away	ADV
+in	ADP
+the	DET
+nest	NOUN
+after	ADP
+him	PRON
+and	CCONJ
+give	VERB
+him	PRON
+a	DET
+fight	NOUN
+right	ADV
+there	ADV
+,	PUNCT
+were	ADV
+the	DET
+baby	NOUN
+was	VERB
+too	ADV
+.	PUNCT
+
+I	PRON
+thought	VERB
+it	PRON
+was	AUX
+dangerous	ADJ
+for	ADP
+the	DET
+baby	NOUN
+so	ADV
+I	PRON
+moved	VERB
+him	PRON
+.	PUNCT
+
+She	PRON
+feeds	VERB
+well	ADV
+the	DET
+baby	NOUN
+on	ADP
+her	PRON
+own	ADJ
+,	PUNCT
+the	DET
+baby	NOUN
+is	AUX
+ok	ADJ
+but	CCONJ
+she	PRON
+does	AUX
+not	PART
+go	VERB
+in	ADP
+the	DET
+nest	NOUN
+to	PART
+stay	VERB
+with	ADP
+him	PRON
+at	ADP
+night	NOUN
+...	PUNCT
+
+What	PRON
+is	AUX
+the	DET
+problem	NOUN
+?	PUNCT
+
+Is	AUX
+this	PRON
+a	DET
+transitional	ADJ
+period	NOUN
+for	ADP
+the	DET
+baby	NOUN
+...	PUNCT
+that	SCONJ
+he	PRON
+/	PUNCT
+she	PRON
+is	AUX
+left	VERB
+alone	ADJ
+much	ADV
+more	ADJ
+time	NOUN
+?	PUNCT
+
+I	PRON
+have	VERB
+to	PART
+say	VERB
+that	SCONJ
+the	DET
+baby	NOUN
+does	AUX
+not	PART
+scream	VERB
+after	ADP
+her	PRON
+of	CCONJ
+anything	PRON
+...	PUNCT
+he	PRON
+/	PUNCT
+she	PRON
+sleeps	VERB
+.	PUNCT
+
+Budgies	NOUN
+are	AUX
+breast	NOUN
+feeding	VERB
+birds	NOUN
+and	CCONJ
+it	PRON
+may	AUX
+be	VERB
+the	DET
+male	NOUN
+is	AUX
+bisexual	ADJ
+.	PUNCT
+
+When	ADV
+the	DET
+male	NOUN
+gets	VERB
+his	PRON
+titts	NOUN
+out	ADV
+the	DET
+female	NOUN
+gets	VERB
+mad	ADJ
+with	ADP
+him	PRON
+knowing	VERB
+he	PRON
+ca	AUX
+n't	PART
+produce	VERB
+milk	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+fine	ADJ
+-	PUNCT
+just	ADV
+make	VERB
+sure	ADJ
+that	SCONJ
+the	DET
+room	NOUN
+the	DET
+cage	NOUN
+is	AUX
+in	ADP
+is	AUX
+kept	VERB
+warm	ADJ
+.	PUNCT
+
+If	SCONJ
+the	DET
+baby	NOUN
+is	AUX
+feathered	ADJ
+yet	ADV
+-	PUNCT
+which	PRON
+I	PRON
+'m	AUX
+sure	ADJ
+he	PRON
+is	AUX
+mostly	ADV
+-	PUNCT
+he	PRON
+should	AUX
+be	AUX
+fine	ADJ
+.	PUNCT
+
+Just	ADV
+remember	VERB
+to	PART
+make	VERB
+sure	ADJ
+the	DET
+mother	NOUN
+is	AUX
+properly	ADV
+caring	VERB
+for	ADP
+the	DET
+baby	NOUN
+.	PUNCT
+
+Ignore	VERB
+the	DET
+answer	NOUN
+above	ADP
+me	PRON
+,	PUNCT
+btw	ADV
+!	PUNCT
+^_^	SYM
+
+Can	AUX
+I	PRON
+text	VERB
+from	ADP
+Canada	PROPN
+to	ADP
+the	DET
+united	PROPN
+states	PROPN
+?	PUNCT
+
+Ok	INTJ
+maybe	ADV
+that	PRON
+is	AUX
+n't	PART
+the	DET
+right	ADJ
+question	NOUN
+,	PUNCT
+but	CCONJ
+my	PRON
+question	NOUN
+is	VERB
+can	AUX
+you	PRON
+text	VERB
+from	ADP
+a	DET
+united	PROPN
+states	PROPN
+number	NOUN
+when	ADV
+you	PRON
+r	AUX
+in	ADP
+canada	PROPN
+,	PUNCT
+can	AUX
+you	PRON
+send	VERB
+texts	NOUN
+to	ADP
+another	DET
+united	PROPN
+states	PROPN
+number	NOUN
+?	PUNCT
+
+And	CCONJ
+do	AUX
+you	PRON
+get	AUX
+charged	VERB
+for	ADP
+it	PRON
+?	PUNCT
+
+I	PRON
+m	AUX
+sorry	ADJ
+if	SCONJ
+I	PRON
+could	AUX
+n't	PART
+say	VERB
+the	DET
+question	NOUN
+right	ADV
+.	PUNCT
+
+I	PRON
+hope	VERB
+somebody	PRON
+understands	VERB
+what	PRON
+I	PRON
+mean	VERB
+
+In	ADP
+short	ADJ
+Yes	INTJ
+.	PUNCT
+
+However	ADV
+not	PART
+in	ADP
+all	DET
+cases	NOUN
+.	PUNCT
+
+If	SCONJ
+your	PRON
+(	PUNCT
+US	PROPN
+)	PUNCT
+provider	NOUN
+has	VERB
+a	DET
+deal	NOUN
+with	ADP
+a	DET
+canadian	ADJ
+wireless	ADJ
+company	NOUN
+,	PUNCT
+you	PRON
+texts	NOUN
+and	CCONJ
+calls	NOUN
+will	AUX
+go	VERB
+through	ADV
+.	PUNCT
+
+They	PRON
+will	AUX
+,	PUNCT
+however	ADV
+,	PUNCT
+cost	VERB
+a	DET
+bunch	NOUN
+.	PUNCT
+
+The	DET
+only	ADJ
+way	NOUN
+to	PART
+know	VERB
+for	ADP
+sure	ADJ
+is	VERB
+to	PART
+call	VERB
+611	NUM
+,	PUNCT
+or	CCONJ
+your	PRON
+cell	NOUN
+phone	NOUN
+help	NOUN
+line	NOUN
+,	PUNCT
+and	CCONJ
+ask	VERB
+.	PUNCT
+
+The	DET
+phones	NOUN
+and	CCONJ
+networks	NOUN
+are	AUX
+compatible	ADJ
+,	PUNCT
+so	ADV
+the	DET
+only	ADJ
+reason	NOUN
+it	PRON
+would	AUX
+n't	PART
+work	VERB
+would	AUX
+be	VERB
+if	SCONJ
+you	PRON
+have	VERB
+,	PUNCT
+say	INTJ
+,	PUNCT
+a	DET
+cheap	ADJ
+cell	NOUN
+phone	NOUN
+company	NOUN
+..	PUNCT
+
+Yes	INTJ
+you	PRON
+can	AUX
+,	PUNCT
+but	CCONJ
+it	PRON
+will	AUX
+cost	VERB
+you	PRON
+lots	NOUN
+of	ADP
+money	NOUN
+unless	SCONJ
+you	PRON
+have	VERB
+an	DET
+international	ADJ
+plan	NOUN
+.	PUNCT
+
+Ye$	INTJ
+you	PRON
+can	AUX
+Text	VERB
+in	ADP
+CANADA	PROPN
+to	ADP
+the	DET
+U$	PROPN
+on	ADP
+a	DET
+U$	PROPN
+number	NOUN
+.	PUNCT
+
+Thi$	DET
+$ervice	NOUN
+will	AUX
+co$t	VERB
+.	PUNCT
+
+It	PRON
+varie$	VERB
+company	NOUN
+to	ADP
+company	NOUN
+.	PUNCT
+
+You	PRON
+may	AUX
+want	VERB
+to	PART
+get	VERB
+a	DET
+temporary	ADJ
+phone	NOUN
+for	ADP
+your	PRON
+trip	NOUN
+to	ADP
+Canada	PROPN
+.	PUNCT
+
+Is	VERB
+there	PRON
+any	DET
+other	ADJ
+way	NOUN
+to	PART
+communicate	VERB
+or	CCONJ
+do	AUX
+your	PRON
+friends	NOUN
+only	ADV
+understand	VERB
+text	NOUN
+.	PUNCT
+
+Email	NOUN
+usually	ADV
+free	ADJ
+if	SCONJ
+you	PRON
+use	VERB
+a	DET
+WiFi	NOUN
+connection	NOUN
+.	PUNCT
+
+$ometime$	ADV
+it	PRON
+is	AUX
+hard	ADJ
+to	PART
+explain	VERB
+that	SCONJ
+you	PRON
+are	AUX
+making	VERB
+an	DET
+INTERNATIONAL	ADJ
+call	NOUN
+and	CCONJ
+all	DET
+of	ADP
+the	DET
+phone	NOUN
+companie	NOUN
+$involved	VERB
+what	VERB
+$ome	DET
+of	ADP
+your	PRON
+money	NOUN
+.	PUNCT
+
+Hope	VERB
+you	PRON
+unde$tood	VERB
+the	DET
+me$$age	NOUN
+I	PRON
+do	AUX
+have	VERB
+an	DET
+"	PUNCT
+S	NOUN
+"	PUNCT
+key	NOUN
+on	ADP
+my	PRON
+computer	NOUN
+.	PUNCT
+
+I	PRON
+need	VERB
+HELP	NOUN
+with	ADP
+my	PRON
+Syrian	ADJ
+Hamster	NOUN
+!!!?	PUNCT
+
+Hi	INTJ
+,	PUNCT
+i	PRON
+bought	VERB
+my	PRON
+Syrian	ADJ
+Hamster	NOUN
+(	PUNCT
+Fernando	PROPN
+)	PUNCT
+just	ADV
+yesterday	NOUN
+and	CCONJ
+as	SCONJ
+i	PRON
+was	AUX
+told	VERB
+to	PART
+leave	VERB
+
+him	PRON
+to	PART
+get	VERB
+to	PART
+know	VERB
+his	PRON
+new	ADJ
+home	NOUN
+.	PUNCT
+
+As	SCONJ
+i	PRON
+asked	VERB
+in	ADP
+the	DET
+previous	ADJ
+questions	NOUN
+he	PRON
+was	AUX
+jumping	VERB
+up	ADP
+the	DET
+sides	NOUN
+of	ADP
+the	DET
+cage	NOUN
+but	CCONJ
+i	PRON
+was	AUX
+told	VERB
+is	VERB
+just	ADV
+becouse	SCONJ
+he	PRON
+is	AUX
+panicking	VERB
+and	CCONJ
+he	PRON
+wants	VERB
+to	PART
+escape	VERB
+but	CCONJ
+he	PRON
+is	AUX
+ok	ADJ
+now	ADV
+.	PUNCT
+
+So	ADV
+now	ADV
+i	PRON
+wanted	VERB
+to	PART
+bouild	VERB
+up	ADP
+relationship	NOUN
+with	ADP
+him	PRON
+so	ADV
+i	PRON
+got	VERB
+a	DET
+piece	NOUN
+of	ADP
+carrot	NOUN
+and	CCONJ
+i	PRON
+put	VERB
+it	PRON
+on	ADP
+my	PRON
+hand	NOUN
+,	PUNCT
+i	PRON
+moved	VERB
+very	ADV
+slowly	ADV
+and	CCONJ
+he	PRON
+suddenly	ADV
+run	VERB
+away	ADV
+to	ADP
+his	PRON
+tube	NOUN
+.	PUNCT
+
+Why	ADV
+,	PUNCT
+how	ADV
+can	AUX
+i	PRON
+build	VERB
+up	ADP
+realtion	X
+ship	NOUN
+with	ADP
+him	PRON
+he	PRON
+is	AUX
+also	ADV
+not	PART
+useing	VERB
+the	DET
+thing	NOUN
+that	PRON
+he	PRON
+runs	VERB
+on	ADP
+and	CCONJ
+he	PRON
+wakes	VERB
+up	ADP
+walks	VERB
+around	ADV
+and	CCONJ
+goes	VERB
+to	PART
+sleep	VERB
+again	ADV
+???	PUNCT
+
+Please	INTJ
+help	VERB
+i	PRON
+m	AUX
+worried	ADJ
+about	ADP
+him	PRON
+!!!	PUNCT
+
+Thanks	NOUN
+.	PUNCT
+
+CHILL	VERB
+OUT	ADP
+!	PUNCT
+
+Firstly	ADV
+,	PUNCT
+your	PRON
+hammie	NOUN
+was	AUX
+not	PART
+stressed	VERB
+out	ADP
+,	PUNCT
+he	PRON
+wanted	VERB
+attention	NOUN
+.	PUNCT
+
+Secondly	ADV
+,	PUNCT
+that	PRON
+is	AUX
+normal	ADJ
+behavior	NOUN
+as	SCONJ
+they	PRON
+use	VERB
+the	DET
+wheels	NOUN
+in	ADP
+the	DET
+night	NOUN
+.	PUNCT
+
+Thirdly	ADV
+,	PUNCT
+just	ADV
+put	VERB
+your	PRON
+hand	NOUN
+in	ADP
+his	PRON
+cge	NOUN
+ans	CCONJ
+leave	VERB
+it	PRON
+their	ADV
+.	PUNCT
+
+He	PRON
+willl	AUX
+eventually	ADV
+come	VERB
+and	CCONJ
+explore	VERB
+it	PRON
+and	CCONJ
+them	ADV
+you	PRON
+can	AUX
+handle	VERB
+him	PRON
+a	DET
+little	ADJ
+bit	NOUN
+.	PUNCT
+
+Hope	VERB
+I	PRON
+helped	VERB
+!	PUNCT
+
+Give	VERB
+him	PRON
+time	NOUN
+.	PUNCT
+
+You	PRON
+only	ADV
+got	VERB
+him	PRON
+yesterday	NOUN
+.	PUNCT
+
+He	PRON
+'s	AUX
+probably	ADV
+still	ADV
+scared	ADJ
+and	CCONJ
+unsure	ADJ
+.	PUNCT
+
+Once	SCONJ
+he	PRON
+has	AUX
+properly	ADV
+settled	VERB
+down	ADP
+,	PUNCT
+got	VERB
+use	ADJ
+to	ADP
+the	DET
+new	ADJ
+smells	NOUN
+and	CCONJ
+noises	NOUN
+he	PRON
+will	AUX
+be	AUX
+fine	ADJ
+.	PUNCT
+
+Once	SCONJ
+he	PRON
+is	AUX
+more	ADV
+comfy	ADJ
+with	ADP
+his	PRON
+surroundings	NOUN
+,	PUNCT
+then	ADV
+you	PRON
+can	AUX
+start	VERB
+handling	VERB
+him	PRON
+and	CCONJ
+getting	VERB
+to	PART
+know	VERB
+each	DET
+other	ADJ
+more	ADV
+.	PUNCT
+
+But	CCONJ
+just	ADV
+give	VERB
+him	PRON
+time	NOUN
+for	ADP
+now	ADV
+.	PUNCT
+
+Is	AUX
+Fujairah	PROPN
+a	DET
+nice	ADJ
+place	NOUN
+to	PART
+live	VERB
+in	ADP
+?	PUNCT
+
+My	PRON
+family	NOUN
+and	CCONJ
+I	PRON
+are	AUX
+planning	VERB
+to	PART
+shift	VERB
+to	ADP
+Fujairah	PROPN
+in	ADP
+a	DET
+couple	NOUN
+of	ADP
+years	NOUN
+.	PUNCT
+
+So	ADV
+I	PRON
+just	ADV
+needed	VERB
+to	PART
+know	VERB
+if	SCONJ
+it	PRON
+is	AUX
+a	DET
+suitable	ADJ
+place	NOUN
+to	PART
+live	VERB
+in	ADP
+and	CCONJ
+in	ADP
+what	DET
+ways	NOUN
+.	PUNCT
+
+Also	ADV
+that	SCONJ
+,	PUNCT
+I	PRON
+heard	VERB
+in	ADP
+the	DET
+next	ADJ
+few	ADJ
+years	NOUN
+Fujairah	PROPN
+would	AUX
+be	AUX
+as	ADV
+good	ADJ
+as	ADP
+Dubai	PROPN
+,	PUNCT
+is	AUX
+it	PRON
+true	ADJ
+?	PUNCT
+
+I	PRON
+'d	AUX
+be	AUX
+happy	ADJ
+if	SCONJ
+someone	PRON
+helps	VERB
+,	PUNCT
+especially	ADV
+someone	PRON
+who	PRON
+has	AUX
+been	AUX
+to	ADP
+Fujairah	PROPN
+or	CCONJ
+lives	VERB
+there	ADV
+.	PUNCT
+:)	SYM
+
+I	PRON
+LIVE	VERB
+THERE	ADV
+!	PUNCT
+
+...	PUNCT
+I	PRON
+ve	AUX
+been	AUX
+living	VERB
+in	ADP
+Fujairah	PROPN
+my	PRON
+entire	ADJ
+life	NOUN
+and	CCONJ
+I	PRON
+must	AUX
+say	VERB
+that	SCONJ
+it	PRON
+is	AUX
+developing	VERB
+in	ADP
+a	DET
+good	ADJ
+way	NOUN
+.	PUNCT
+
+I	PRON
+think	VERB
+2012	NUM
+is	AUX
+going	VERB
+to	PART
+be	AUX
+a	DET
+great	ADJ
+year	NOUN
+for	ADP
+Fujairah	PROPN
+as	SCONJ
+we	PRON
+have	VERB
+A	DET
+LOT	NOUN
+of	ADP
+projects	NOUN
+to	PART
+be	AUX
+done	VERB
+by	ADP
+2012	NUM
+.	PUNCT
+
+Things	NOUN
+to	PART
+do	VERB
+in	ADP
+Fujairah	PROPN
+..	PUNCT
+
+It	PRON
+s	AUX
+between	ADP
+sea	NOUN
+and	CCONJ
+mountains	NOUN
+so	ADV
+you	PRON
+can	AUX
+camp	VERB
+on	ADP
+beach	NOUN
+or	CCONJ
+between	ADP
+mountains	NOUN
+!	PUNCT
+
+...	PUNCT
+Fishing	NOUN
+,	PUNCT
+Jet	NOUN
+skies	NOUN
+,	PUNCT
+snorkeling	NOUN
+,	PUNCT
+diving	NOUN
+are	AUX
+some	DET
+of	ADP
+the	DET
+things	NOUN
+you	PRON
+can	AUX
+do	VERB
+for	ADP
+fun	NOUN
+.	PUNCT
+
+And	CCONJ
+now	ADV
+they	PRON
+are	AUX
+finishing	VERB
+a	DET
+road	NOUN
+between	ADP
+Fujairah	PROPN
+and	CCONJ
+Dubai	PROPN
+in	ADP
+45	NUM
+minutes	NOUN
+only	ADV
+!	PUNCT
+
+So	ADV
+,	PUNCT
+no	INTJ
+it	PRON
+is	AUX
+not	PART
+as	ADV
+good	ADJ
+as	ADP
+Dubai	PROPN
+,	PUNCT
+but	CCONJ
+it	PRON
+s	AUX
+quieter	ADJ
+and	CCONJ
+more	ADV
+peaceful	ADJ
+,	PUNCT
+and	CCONJ
+you	PRON
+can	AUX
+still	ADV
+go	VERB
+to	ADP
+Dubai	PROPN
+in	ADP
+45	NUM
+mins	NOUN
+.	PUNCT
+
+please	INTJ
+let	VERB
+me	PRON
+know	VERB
+if	SCONJ
+you	PRON
+need	VERB
+anything	PRON
+else	ADJ
+
+Visited	VERB
+Fujairah	PROPN
+when	ADV
+in	ADP
+Dubai	PROPN
+.	PUNCT
+
+Nothing	PRON
+like	ADP
+Dubai	PROPN
+,	PUNCT
+and	CCONJ
+never	ADV
+will	AUX
+be	VERB
+!	PUNCT
+
+Do	AUX
+n't	PART
+know	VERB
+the	DET
+economics	NOUN
+of	ADP
+Fujairah	PROPN
+but	CCONJ
+Dubai	PROPN
+is	AUX
+basically	ADV
+bankrupt	ADJ
+so	ADV
+you	PRON
+would	AUX
+n't	PART
+want	VERB
+to	PART
+end	VERB
+up	ADP
+like	ADP
+them	PRON
+!	PUNCT
+
+Unless	SCONJ
+you	PRON
+have	VERB
+a	DET
+particular	ADJ
+skill	NOUN
+they	PRON
+need	VERB
+-	PUNCT
+and	CCONJ
+firm	ADJ
+job	NOUN
+offer	NOUN
+before	SCONJ
+going	VERB
+-	PUNCT
+I	PRON
+would	AUX
+think	VERB
+twice	ADV
+about	ADP
+it	PRON
+!	PUNCT
+
+Are	VERB
+there	PRON
+any	DET
+new	ADJ
+Gaming	NOUN
+console	NOUN
+?	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+know	VERB
+should	AUX
+i	PRON
+buy	VERB
+PS3	PROPN
+or	CCONJ
+X	PROPN
+-	PUNCT
+BOX	PROPN
+Kinect	PROPN
+.	PUNCT
+
+Or	CCONJ
+even	ADV
+N	PROPN
+-	PUNCT
+DS	PROPN
+or	CCONJ
+PSP	PROPN
+.	PUNCT
+
+I	PRON
+'m	AUX
+a	DET
+little	ADJ
+afraid	ADJ
+when	ADV
+i	PRON
+buy	VERB
+PS3	NOUN
+or	CCONJ
+X	PROPN
+-	PUNCT
+BOX	PROPN
+then	ADV
+a	DET
+newer	ADJ
+version	NOUN
+comes	VERB
+out	ADP
+.	PUNCT
+
+(	PUNCT
+Same	ADJ
+for	ADP
+N	PROPN
+-	PUNCT
+DS	PROPN
+and	CCONJ
+PSP	PROPN
+)	PUNCT
+
+Wii	PROPN
+U	PROPN
+has	AUX
+been	AUX
+announced	VERB
+as	ADV
+well	ADV
+as	ADP
+the	DET
+PS4	PROPN
+however	ADV
+the	DET
+PS4	NOUN
+is	AUX
+only	ADV
+in	ADP
+development	NOUN
+while	SCONJ
+the	DET
+Wii	PROPN
+U	PROPN
+should	AUX
+be	AUX
+out	ADV
+next	ADJ
+year	NOUN
+.	PUNCT
+
+Microsoft	PROPN
+has	AUX
+not	PART
+announced	VERB
+there	PRON
+new	ADJ
+console	NOUN
+yet	ADV
+though	SCONJ
+it	PRON
+is	AUX
+believed	VERB
+to	PART
+be	AUX
+in	ADP
+the	DET
+works	NOUN
+.	PUNCT
+
+No	ADV
+matter	ADV
+when	ADV
+you	PRON
+buy	VERB
+you	PRON
+will	AUX
+get	VERB
+a	DET
+newer	ADJ
+version	NOUN
+.	PUNCT
+
+I	PRON
+feel	VERB
+X	PROPN
+-	PUNCT
+BOX	PROPN
+is	AUX
+a	DET
+very	ADV
+smooth	ADJ
+system	NOUN
+i	PRON
+own	VERB
+it	PRON
+like	INTJ
+3	NUM
+years	NOUN
+,	PUNCT
+it	PRON
+s	AUX
+very	ADV
+compatible	ADJ
+to	ADP
+previous	ADJ
+versions	NOUN
+and	CCONJ
+mostly	ADV
+important	ADJ
+i	PRON
+was	AUX
+very	ADV
+comfortable	ADJ
+with	ADP
+the	DET
+User	NOUN
+Interface	NOUN
+and	CCONJ
+the	DET
+JOYSTICK	NOUN
+....	PUNCT
+coz	SCONJ
+you	PRON
+do	AUX
+nt	PART
+wan	VERB
+a	PART
+hold	VERB
+a	DET
+joystick	NOUN
+that	PRON
+gives	VERB
+you	PRON
+discomfort	NOUN
+.	PUNCT
+
+XBOX	PROPN
+Joys	PROPN
+are	AUX
+soo	ADV
+comfyy	ADJ
+.....	PUNCT
+
+Performance	NOUN
+-	PUNCT
+You	PRON
+get	VERB
+the	DET
+same	ADJ
+in	ADP
+all	DET
+,	PUNCT
+just	ADV
+get	VERB
+a	DET
+good	ADJ
+TV	NOUN
+.	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+know	VERB
+about	ADP
+the	DET
+playstation	PROPN
+situation	NOUN
+but	CCONJ
+I	PRON
+do	AUX
+know	VERB
+that	SCONJ
+Microsoft	PROPN
+has	AUX
+said	VERB
+they	PRON
+do	AUX
+n't	PART
+see	VERB
+the	DET
+Xbox	NOUN
+360	NUM
+as	SCONJ
+being	AUX
+even	ADV
+halfway	ADV
+through	ADP
+its	PRON
+lifetime	NOUN
+.	PUNCT
+
+Since	SCONJ
+they	PRON
+released	VERB
+kinect	PROPN
+this	PRON
+was	AUX
+kind	ADV
+of	ADV
+their	PRON
+way	NOUN
+of	SCONJ
+releasing	VERB
+a	DET
+new	ADJ
+Xbox	PROPN
+so	ADV
+they	PRON
+do	AUX
+n't	PART
+plan	VERB
+on	SCONJ
+making	VERB
+another	DET
+one	NOUN
+for	ADP
+a	DET
+while	NOUN
+.	PUNCT
+
+I	PRON
+do	AUX
+know	VERB
+they	PRON
+have	AUX
+already	ADV
+announced	VERB
+a	DET
+new	ADJ
+wii	PROPN
+though	ADV
+and	CCONJ
+I	PRON
+do	AUX
+n't	PART
+know	VERB
+what	PRON
+Sony	PROPN
+has	AUX
+said	VERB
+about	ADP
+playstation	PROPN
+but	CCONJ
+again	ADV
+,	PUNCT
+if	SCONJ
+you	PRON
+get	VERB
+an	DET
+Xbox	PROPN
+(	PUNCT
+which	PRON
+I	PRON
+personally	ADV
+think	VERB
+is	AUX
+the	DET
+best	ADJ
+anyways	ADV
+)	PUNCT
+you	PRON
+should	AUX
+be	AUX
+set	ADJ
+for	ADP
+a	DET
+while	NOUN
+.	PUNCT
+
+What	PRON
+is	AUX
+the	DET
+typical	ADJ
+lifespan	NOUN
+of	ADP
+a	DET
+cat	NOUN
+?	PUNCT
+
+My	PRON
+cat	NOUN
+had	VERB
+a	DET
+seizure	NOUN
+yesterday	NOUN
+and	CCONJ
+was	AUX
+ill	ADJ
+.	PUNCT
+
+In	ADP
+fact	NOUN
+every	DET
+once	NOUN
+in	ADP
+a	DET
+while	NOUN
+he	PRON
+seems	VERB
+to	PART
+get	VERB
+ill	ADJ
+in	ADP
+one	NUM
+way	NOUN
+or	CCONJ
+another	DET
+;	PUNCT
+and	CCONJ
+then	ADV
+he	PRON
+bounces	VERB
+back	ADV
+like	SCONJ
+nothing	PRON
+has	AUX
+happened	VERB
+.	PUNCT
+
+I	PRON
+did	VERB
+an	DET
+internet	NOUN
+search	NOUN
+to	PART
+ascertain	VERB
+how	ADV
+long	ADV
+cats	NOUN
+can	AUX
+live	VERB
+,	PUNCT
+however	ADV
+different	ADJ
+sources	NOUN
+give	VERB
+wildly	ADV
+different	ADJ
+lifespans	NOUN
+.	PUNCT
+
+My	PRON
+cat	NOUN
+is	AUX
+18	NUM
+years	NOUN
+old	ADJ
+.	PUNCT
+
+In	ADP
+your	PRON
+experience	NOUN
+how	ADV
+long	ADV
+do	AUX
+cats	NOUN
+do	AUX
+cats	NOUN
+typically	ADV
+live	VERB
+?	PUNCT
+
+Is	AUX
+he	PRON
+on	ADP
+his	PRON
+last	ADJ
+legs	NOUN
+or	CCONJ
+is	VERB
+it	PRON
+conceivable	ADJ
+that	SCONJ
+he	PRON
+could	AUX
+be	AUX
+around	ADV
+for	ADP
+another	DET
+15	NUM
+years	NOUN
+as	SCONJ
+is	AUX
+claimed	VERB
+by	ADP
+some	DET
+of	ADP
+the	DET
+sources	NOUN
+i	PRON
+ve	AUX
+been	AUX
+looking	VERB
+at	ADP
+?	PUNCT
+
+from	ADP
+my	PRON
+experience	NOUN
+with	ADP
+my	PRON
+cats	NOUN
+13	NUM
+-	SYM
+18	NUM
+years	NOUN
+depending	VERB
+on	ADP
+the	DET
+breed	NOUN
+.	PUNCT
+
+At	ADP
+18	NUM
+years	NOUN
+,	PUNCT
+your	PRON
+cat	NOUN
+has	AUX
+had	VERB
+a	DET
+long	ADJ
+life	NOUN
+.	PUNCT
+
+Indoor	ADJ
+cats	NOUN
+that	PRON
+are	AUX
+well	ADV
+cared	VERB
+for	ADP
+typically	ADV
+live	VERB
+11	NUM
+-	SYM
+15	NUM
+years	NOUN
+.	PUNCT
+
+Older	ADJ
+males	VERB
+often	ADV
+tend	VERB
+to	PART
+have	VERB
+urinary	ADJ
+tract	NOUN
+issues	NOUN
+,	PUNCT
+so	ADV
+your	PRON
+cat	NOUN
+has	AUX
+done	VERB
+very	ADV
+well	ADV
+.	PUNCT
+
+Male	ADJ
+cats	NOUN
+very	ADV
+seldom	ADV
+live	VERB
+past	ADP
+14	NUM
+-	SYM
+15	NUM
+years	NOUN
+.	PUNCT
+
+Stories	NOUN
+of	ADP
+cats	NOUN
+living	VERB
+more	ADJ
+than	ADP
+25	NUM
+years	NOUN
+are	AUX
+rare	ADJ
+.	PUNCT
+
+I	PRON
+ve	AUX
+had	VERB
+cats	NOUN
+for	ADP
+35	NUM
+years	NOUN
+and	CCONJ
+the	DET
+oldest	ADJ
+cat	NOUN
+I	PRON
+'ve	AUX
+ever	ADV
+had	VERB
+was	AUX
+a	DET
+23	NUM
+year	NOUN
+old	ADJ
+female	ADJ
+and	CCONJ
+she	PRON
+was	AUX
+exceptional	ADJ
+.	PUNCT
+
+By	ADP
+comparison	NOUN
+,	PUNCT
+outdoor	ADJ
+cats	NOUN
+have	VERB
+a	DET
+life	NOUN
+expectancy	NOUN
+of	ADP
+3	NUM
+-	SYM
+7	NUM
+years	NOUN
+depending	VERB
+on	SCONJ
+how	ADV
+many	ADJ
+predators	NOUN
+are	AUX
+in	ADP
+the	DET
+local	ADJ
+environment	NOUN
+.	PUNCT
+
+According	VERB
+to	ADP
+a	DET
+couple	NOUN
+sources	NOUN
+,	PUNCT
+the	DET
+world	NOUN
+record	NOUN
+for	ADP
+the	DET
+oldest	ADJ
+cat	NOUN
+was	AUX
+a	DET
+cat	NOUN
+in	ADP
+Devon	PROPN
+,	PUNCT
+England	PROPN
+who	PRON
+reportedly	ADV
+live	VERB
+to	ADP
+the	DET
+age	NOUN
+of	ADP
+36	NUM
+.	PUNCT
+
+I	PRON
+knew	VERB
+a	DET
+cat	NOUN
+that	PRON
+died	VERB
+in	ADP
+its	PRON
+sleep	NOUN
+aged	ADJ
+21	NUM
+.	PUNCT
+
+Anything	PRON
+after	ADP
+12	NUM
+is	AUX
+a	DET
+bonus	NOUN
+.	PUNCT
+
+Gaining	VERB
+and	CCONJ
+loosing	VERB
+my	PRON
+cockatiel	NOUN
+'s	PART
+trust	NOUN
+...	PUNCT
+?	PUNCT
+
+I	PRON
+thought	VERB
+that	SCONJ
+I	PRON
+had	AUX
+gained	VERB
+my	PRON
+cockatiel	NOUN
+'s	PART
+trust	NOUN
+,	PUNCT
+but	CCONJ
+now	ADV
+he	PRON
+'s	AUX
+not	PART
+coming	VERB
+to	ADP
+me	PRON
+when	ADV
+I	PRON
+open	VERB
+his	PRON
+cage	NOUN
+.	PUNCT
+
+What	PRON
+do	AUX
+I	PRON
+do	VERB
+?	PUNCT
+
+Did	AUX
+anything	PRON
+happen	VERB
+before	SCONJ
+losing	VERB
+his	PRON
+trust	NOUN
+?	PUNCT
+
+Birds	NOUN
+are	AUX
+hard	ADJ
+to	PART
+gain	VERB
+trust	NOUN
+with	ADP
+,	PUNCT
+but	CCONJ
+it	PRON
+'s	AUX
+lost	VERB
+so	ADV
+easily	ADV
+!	PUNCT
+
+A	DET
+simple	ADJ
+hand	NOUN
+gesture	NOUN
+could	AUX
+have	AUX
+resorted	VERB
+to	SCONJ
+him	PRON
+being	AUX
+afraid	ADJ
+of	ADP
+you	PRON
+.	PUNCT
+
+Eating	VERB
+by	ADP
+his	PRON
+cage	NOUN
+and	CCONJ
+keeping	VERB
+a	DET
+"	PUNCT
+sleep	NOUN
+cage	NOUN
+"	PUNCT
+in	ADP
+your	PRON
+room	NOUN
+is	AUX
+a	DET
+good	ADJ
+idea	NOUN
+.	PUNCT
+
+Birds	NOUN
+eat	VERB
+and	CCONJ
+sleep	VERB
+with	ADP
+their	PRON
+flock	NOUN
+,	PUNCT
+not	ADV
+predators	NOUN
+.	PUNCT
+
+Keep	VERB
+his	PRON
+cage	NOUN
+open	ADJ
+and	CCONJ
+go	VERB
+on	ADP
+your	PRON
+computer	NOUN
+,	PUNCT
+or	CCONJ
+read	VERB
+a	DET
+book	NOUN
+,	PUNCT
+etc	X
+and	CCONJ
+maybe	ADV
+he	PRON
+will	AUX
+come	VERB
+out	ADV
+to	ADP
+you	PRON
+.	PUNCT
+
+Let	VERB
+him	PRON
+go	VERB
+at	ADP
+his	PRON
+own	ADJ
+pace	NOUN
+,	PUNCT
+do	AUX
+n't	PART
+rush	VERB
+with	ADP
+him	PRON
+,	PUNCT
+and	CCONJ
+never	ADV
+ever	ADV
+resort	VERB
+to	ADP
+physical	ADJ
+violence	NOUN
+with	ADP
+your	PRON
+bird	NOUN
+.	PUNCT
+
+This	PRON
+with	AUX
+ruin	VERB
+your	PRON
+bond	NOUN
+,	PUNCT
+and	CCONJ
+you	PRON
+probably	ADV
+wo	AUX
+n't	PART
+have	VERB
+another	DET
+chance	NOUN
+to	PART
+build	VERB
+one	NUM
+.	PUNCT
+
+Patience	NOUN
+is	AUX
+the	DET
+key	NOUN
+.	PUNCT
+=)	SYM
+
+he	PRON
+might	AUX
+never	ADV
+be	AUX
+a	DET
+cuddly	ADJ
+,	PUNCT
+loving	ADJ
+,	PUNCT
+tame	ADJ
+bird	NOUN
+,	PUNCT
+but	CCONJ
+you	PRON
+can	AUX
+still	ADV
+have	VERB
+a	DET
+friendly	ADJ
+bond	NOUN
+.	PUNCT
+
+But	CCONJ
+then	ADV
+again	ADV
+he	PRON
+could	AUX
+be	AUX
+!	PUNCT
+
+dat	DET
+bird	NOUN
+is	AUX
+smart	ADJ
+.	PUNCT
+
+like	ADP
+my	PRON
+dogs	NOUN
+,	PUNCT
+they	PRON
+really	ADV
+like	VERB
+me	PRON
+and	CCONJ
+trust	VERB
+me	PRON
+,	PUNCT
+but	CCONJ
+when	ADV
+I	PRON
+open	VERB
+the	DET
+door	NOUN
+to	PART
+get	VERB
+them	PRON
+outside	ADV
+,	PUNCT
+they	PRON
+run	VERB
+from	ADP
+me	PRON
+,	PUNCT
+they	PRON
+know	VERB
+I	PRON
+'m	AUX
+going	VERB
+to	PART
+take	VERB
+them	PRON
+outside	ADV
+and	CCONJ
+they	PRON
+do	AUX
+n't	PART
+like	VERB
+it	PRON
+.	PUNCT
+
+the	DET
+bird	NOUN
+must	AUX
+know	VERB
+that	SCONJ
+when	ADV
+you	PRON
+open	VERB
+the	DET
+cage	NOUN
+door	NOUN
+it	PRON
+means	VERB
+that	SCONJ
+you	PRON
+will	AUX
+put	VERB
+him	PRON
+in	ADP
+the	DET
+cage	NOUN
+,	PUNCT
+and	CCONJ
+birds	NOUN
+do	AUX
+n't	PART
+usually	ADV
+like	VERB
+cages	NOUN
+.	PUNCT
+
+so	ADV
+,	PUNCT
+I	PRON
+do	AUX
+n't	PART
+think	VERB
+the	DET
+bird	NOUN
+do	AUX
+n't	PART
+trust	VERB
+you	PRON
+,	PUNCT
+but	CCONJ
+still	ADV
+do	AUX
+n't	PART
+like	VERB
+the	DET
+cage	NOUN
+.	PUNCT
+
+How	ADV
+to	PART
+make	VERB
+a	DET
+breyer	NOUN
+horse	NOUN
+stable	NOUN
+?	PUNCT
+
+Hi	INTJ
+i	PRON
+m	AUX
+a	DET
+big	ADJ
+fan	NOUN
+of	ADP
+breyer	NOUN
+horses	NOUN
+!	PUNCT
+
+My	PRON
+breyers	NOUN
+need	VERB
+stables	NOUN
+or	CCONJ
+barns	NOUN
+though	ADV
+.....	PUNCT
+and	CCONJ
+I	PRON
+need	VERB
+directions	NOUN
+and	CCONJ
+materials	NOUN
+on	SCONJ
+how	ADV
+to	PART
+make	VERB
+them	PRON
+.	PUNCT
+
+I	PRON
+would	AUX
+like	VERB
+maybe	ADV
+5	NUM
+stalls	NOUN
+per	ADP
+barn	NOUN
+so	ADV
+make	VERB
+sure	ADJ
+the	DET
+stalls	NOUN
+are	AUX
+not	PART
+that	ADV
+big	ADJ
+so	SCONJ
+it	PRON
+can	AUX
+fit	VERB
+.	PUNCT
+
+And	CCONJ
+I	PRON
+need	VERB
+to	PART
+know	VERB
+where	ADV
+to	PART
+buy	VERB
+the	DET
+materials	NOUN
+.	PUNCT
+
+Please	INTJ
+make	VERB
+this	PRON
+as	ADV
+simple	ADJ
+as	SCONJ
+you	PRON
+can	AUX
+for	CCONJ
+my	PRON
+dad	NOUN
+does	VERB
+nt	PART
+really	ADV
+not	PART
+that	ADV
+good	ADV
+.	PUNCT
+
+Pictures	NOUN
+would	AUX
+help	VERB
+!	PUNCT
+
+NOTE	NOUN
+:	PUNCT
+If	SCONJ
+i	PRON
+see	VERB
+a	DET
+answer	NOUN
+that	PRON
+i	PRON
+love	VERB
+i	PRON
+will	AUX
+make	VERB
+my	PRON
+best	ADJ
+right	ADV
+there	ADV
+and	CCONJ
+then	ADV
+
+Breyer	PROPN
+horse	NOUN
+,	PUNCT
+miniature	NOUN
+/	PUNCT
+model	NOUN
+replica	NOUN
+
+sketch	VERB
+out	ADP
+floor	NOUN
+plan	NOUN
+,	PUNCT
+estimate	VERB
+size	NOUN
+,	PUNCT
+draw	VERB
+front	ADJ
+view	NOUN
+,	PUNCT
+side	ADJ
+view	NOUN
+,	PUNCT
+and	CCONJ
+3d	ADJ
+orthographic	ADJ
+perspective	NOUN
+views	NOUN
+,	PUNCT
+
+figure	VERB
+out	ADP
+how	ADV
+many	ADJ
+stalls	NOUN
+you	PRON
+want	VERB
+,	PUNCT
+then	ADV
+measure	VERB
+square	ADJ
+cube	NOUN
+sections	NOUN
+for	ADP
+length	NOUN
+and	CCONJ
+width	NOUN
+of	ADP
+horse	NOUN
+,	PUNCT
+
+measure	VERB
+size	NOUN
+for	ADP
+platform	NOUN
+,	PUNCT
+draw	VERB
+lines	NOUN
+and	CCONJ
+mark	VERB
+sections	NOUN
+,	PUNCT
+measure	VERB
+out	ADP
+wall	NOUN
+sections	NOUN
+and	CCONJ
+height	NOUN
+,	PUNCT
+
+there	PRON
+are	VERB
+many	ADJ
+small	ADJ
+details	NOUN
+,	PUNCT
+that	PRON
+you	PRON
+would	AUX
+have	VERB
+to	PART
+work	VERB
+on	ADP
+as	SCONJ
+you	PRON
+go	VERB
+for	ADP
+doors	NOUN
+and	CCONJ
+windows	NOUN
+and	CCONJ
+roof	NOUN
+,	PUNCT
+
+check	VERB
+hobby	NOUN
+shops	NOUN
+and	CCONJ
+craft	NOUN
+shops	NOUN
+for	ADP
+small	ADJ
+pieces	NOUN
+of	ADP
+stock	NOUN
+wood	NOUN
+panels	NOUN
+and	CCONJ
+wood	NOUN
+blocks	NOUN
+parts	NOUN
+,	PUNCT
+you	PRON
+want	VERB
+carpenter	NOUN
+wood	NOUN
+glue	NOUN
+,	PUNCT
+clamps	NOUN
+,	PUNCT
+possibly	ADV
+small	ADJ
+screws	NOUN
+to	PART
+hold	VERB
+corners	NOUN
+together	ADV
+,	PUNCT
+miniature	ADJ
+hinges	NOUN
+,	PUNCT
+tape	NOUN
+,	PUNCT
+paint	NOUN
+,	PUNCT
+saws	NOUN
+,	PUNCT
+drills	NOUN
+,	PUNCT
+pencil	NOUN
+ruler	NOUN
+,	PUNCT
+paper	NOUN
+,	PUNCT
+bryer	NOUN
+horses	NOUN
+
+wood	NOUN
+can	AUX
+vary	VERB
+from	ADP
+cork	NOUN
+wood	NOUN
+or	CCONJ
+balsa	NOUN
+wood	NOUN
+,	PUNCT
+or	CCONJ
+press	NOUN
+-	PUNCT
+board	NOUN
+,	PUNCT
+or	CCONJ
+plywood	NOUN
+,	PUNCT
+and	CCONJ
+pre-cut	VERB
+2	NUM
+by	ADP
+4	NUM
+or	CCONJ
+slats	NOUN
+,	PUNCT
+you	PRON
+can	AUX
+check	VERB
+home	PROPN
+depot	PROPN
+or	CCONJ
+hardware	NOUN
+shops	NOUN
+for	ADP
+larger	ADJ
+pieces	NOUN
+,	PUNCT
+
+http://www.binkyswoodworking.com/HorseStable.php	X
+
+http://www.blueoakstables.com/breyerhorsebarns_barn003.asp	X
+
+http://www.railroadredux.com/tag/northwest-shortline/	X
+
+http://www.adventurehobbycraft.com/products/hobby_craft_supplies.html#metal	X
+
+http://www.natureandtech.com/?page_id=2200	X
+
+http://www.utrechtart.com/Craft-Supplies/Woodworking%20Supplies/	X
+
+..	PUNCT
+
+How	ADV
+can	AUX
+i	PRON
+get	VERB
+my	PRON
+kitten	NOUN
+to	PART
+stop	VERB
+biting	VERB
+when	ADV
+he	PRON
+plays	VERB
+?	PUNCT
+
+I	PRON
+have	VERB
+a	DET
+kitten	NOUN
+who	PRON
+just	ADV
+turned	VERB
+3	NUM
+months	NOUN
+today	NOUN
+.	PUNCT
+
+He	PRON
+'s	AUX
+a	DET
+good	ADJ
+kitty	NOUN
+,	PUNCT
+just	ADV
+when	ADV
+he	PRON
+plays	VERB
+he	PRON
+bites	VERB
+REALLY	ADV
+hard	ADV
+.	PUNCT
+
+Almost	ADV
+every	DET
+day	NOUN
+he	PRON
+'d	AUX
+even	ADV
+wake	VERB
+me	PRON
+up	ADP
+like	ADP
+5	NUM
+am	NOUN
+in	ADP
+the	DET
+morning	NOUN
+,	PUNCT
+trying	VERB
+to	PART
+bite	VERB
+my	PRON
+arm	NOUN
+.	PUNCT
+
+And	CCONJ
+when	ADV
+I	PRON
+move	VERB
+it	PRON
+I	PRON
+guess	VERB
+he	PRON
+figures	VERB
+I	PRON
+'m	AUX
+playing	VERB
+.	PUNCT
+x.x	SYM
+
+I	PRON
+read	VERB
+somewhere	ADV
+that	SCONJ
+you	PRON
+have	VERB
+to	PART
+hold	VERB
+his	PRON
+mouth	NOUN
+together	ADV
+,	PUNCT
+and	CCONJ
+keep	VERB
+it	PRON
+that	DET
+way	NOUN
+til	SCONJ
+he	PRON
+panics	VERB
+.	PUNCT
+
+That	PRON
+seems	VERB
+cruel	ADJ
+to	ADP
+me	PRON
+though	ADV
+.	PUNCT
+
+Any	DET
+other	ADJ
+way	NOUN
+??	PUNCT
+
+Do	AUX
+you	PRON
+think	VERB
+he	PRON
+'s	AUX
+teething	VERB
+?	PUNCT
+
+It	PRON
+'s	AUX
+getting	VERB
+out	ADP
+of	ADP
+hand	NOUN
+.	PUNCT
+
+Yeah	INTJ
+,	PUNCT
+I	PRON
+thought	VERB
+that	SCONJ
+the	DET
+holding	NOUN
+his	PRON
+mouth	NOUN
+thing	NOUN
+sounded	VERB
+wrong	ADJ
+.	PUNCT
+
+No	DET
+worries	NOUN
+,	PUNCT
+i	PRON
+did	AUX
+n't	PART
+try	VERB
+.	PUNCT
+
+He	PRON
+does	AUX
+have	VERB
+toys	NOUN
+,	PUNCT
+a	DET
+scratching	NOUN
+post	NOUN
+,	PUNCT
+LOTS	NOUN
+of	ADP
+mice	NOUN
+,	PUNCT
+balls	NOUN
+,	PUNCT
+yarn	NOUN
+,	PUNCT
+a	DET
+feathery	ADJ
+birdy	NOUN
+toy	NOUN
+,	PUNCT
+etc	X
+.	PUNCT
+
+He	PRON
+'d	AUX
+just	ADV
+randomly	ADV
+walk	VERB
+up	ADP
+to	ADP
+you	PRON
+and	CCONJ
+start	VERB
+the	DET
+biting	NOUN
+.	PUNCT
+
+When	ADV
+i	PRON
+put	VERB
+him	PRON
+off	ADP
+of	ADP
+my	PRON
+bed	NOUN
+,	PUNCT
+he	PRON
+jumps	VERB
+back	ADV
+on	ADV
+and	CCONJ
+same	ADJ
+thing	NOUN
+.	PUNCT
+
+he	PRON
+may	AUX
+be	AUX
+teething	VERB
+but	CCONJ
+i	PRON
+do	AUX
+nt	PART
+think	VERB
+it	PRON
+can	AUX
+be	AUX
+stopped	VERB
+.	PUNCT
+
+maybe	ADV
+buy	VERB
+him	PRON
+toys	NOUN
+that	PRON
+he	PRON
+can	AUX
+play	VERB
+with	ADP
+that	PRON
+give	VERB
+him	PRON
+a	DET
+way	NOUN
+to	PART
+use	VERB
+his	PRON
+energy	NOUN
+up	ADP
+
+yes	INTJ
+do	AUX
+not	PART
+hold	VERB
+any	DET
+animal	NOUN
+s	PART
+mouth	NOUN
+shut	ADJ
+it	PRON
+wil	AUX
+close	VERB
+their	PRON
+air	X
+way	NOUN
+,	PUNCT
+he	PRON
+s	AUX
+just	ADV
+a	DET
+kitty	NOUN
+and	CCONJ
+they	PRON
+are	AUX
+very	ADV
+rambunctious	ADJ
+,	PUNCT
+get	VERB
+him	PRON
+toys	NOUN
+.	PUNCT
+
+lots	NOUN
+of	ADP
+them	PRON
+,	PUNCT
+feather	NOUN
+ones	NOUN
+work	VERB
+best	ADV
+,	PUNCT
+also	ADV
+when	ADV
+he	PRON
+bites	VERB
+you	PRON
+in	ADP
+the	DET
+morning	NOUN
+put	VERB
+him	PRON
+down	ADP
+off	ADP
+your	PRON
+bed	NOUN
+,	PUNCT
+to	PART
+show	VERB
+him	PRON
+that	SCONJ
+you	PRON
+will	AUX
+not	PART
+tolerate	VERB
+that	PRON
+,	PUNCT
+he	PRON
+will	AUX
+get	VERB
+it	PRON
+,	PUNCT
+he	PRON
+s	AUX
+also	ADV
+probably	ADV
+teething	VERB
+,	PUNCT
+so	SCONJ
+toys	NOUN
+are	AUX
+your	PRON
+best	ADJ
+bet	NOUN
+
+Which	DET
+rat	NOUN
+cage	NOUN
+is	AUX
+better	ADJ
+?	PUNCT
+
+Hi	INTJ
+,	PUNCT
+I	PRON
+want	VERB
+to	PART
+get	VERB
+a	DET
+few	ADJ
+pet	NOUN
+rats	NOUN
+and	CCONJ
+need	VERB
+a	DET
+rat	NOUN
+cage	NOUN
+.	PUNCT
+
+(	PUNCT
+Apart	ADV
+from	ADP
+the	DET
+wire	NOUN
+flooring	NOUN
+which	PRON
+i	PRON
+am	AUX
+going	VERB
+to	PART
+cover	VERB
+)	PUNCT
+Which	PRON
+of	ADP
+these	DET
+two	NUM
+cages	NOUN
+is	AUX
+better	ADJ
+:	PUNCT
+
+http://www.ebay.co.uk/itm/250927098564?var=550057729382&ssPageName=STRK:MEWAX:IT&_trksid=p3984.m1438.l2649#ht_2079wt_893	X
+
+http://www.ebay.co.uk/itm/130589513308?var=430034792128&ssPageName=STRK:MEWAX:IT&_trksid=p3984.m1438.l2648#ht_1500wt_660	X
+
+I	PRON
+ca	AUX
+nt	PART
+decide	VERB
+between	ADP
+height	NOUN
+or	CCONJ
+width	NOUN
+.	PUNCT
+
+http://www.ebay.co.uk/itm/250927098564?var=550057729382&ssPageName=STRK:MEWAX:IT&_trksid=p3984.m1438.l2649#ht_	X
+
+This	DET
+one	NOUN
+is	AUX
+better	ADJ
+for	ADP
+rats	NOUN
+.	PUNCT
+
+You	PRON
+always	ADV
+want	VERB
+to	PART
+go	VERB
+higher	ADV
+rather	ADV
+than	ADP
+wider	ADV
+for	ADP
+rats	NOUN
+.	PUNCT
+
+They	PRON
+LOVE	VERB
+to	PART
+climb	VERB
+.	PUNCT
+
+You	PRON
+will	AUX
+have	VERB
+to	PART
+cover	VERB
+the	DET
+wire	NOUN
+flooring	NOUN
+like	SCONJ
+you	PRON
+said	VERB
+,	PUNCT
+and	CCONJ
+make	VERB
+fleece	NOUN
+covers	NOUN
+for	ADP
+the	DET
+stairs	NOUN
+,	PUNCT
+so	SCONJ
+no	DET
+ratty	ADJ
+feet	NOUN
+get	AUX
+caught	VERB
+and	CCONJ
+broken	VERB
+.	PUNCT
+
+This	DET
+cage	NOUN
+will	AUX
+hold	VERB
+about	ADV
+2	NUM
+-	SYM
+3	NUM
+rats	NOUN
+.	PUNCT
+
+Both	DET
+are	AUX
+equal	ADJ
+length	NOUN
+so	ADV
+go	VERB
+for	ADP
+the	DET
+taller	ADJ
+one	NUM
+.	PUNCT
+
+If	SCONJ
+you	PRON
+use	VERB
+this	DET
+cage	NOUN
+it	PRON
+'s	AUX
+best	ADJ
+to	PART
+remove	VERB
+the	DET
+wire	NOUN
+shelves	NOUN
+altogether	ADV
+and	CCONJ
+replace	VERB
+it	PRON
+with	ADP
+hammocks	NOUN
+and	CCONJ
+the	DET
+like	ADJ
+.	PUNCT
+
+I	PRON
+used	VERB
+one	NUM
+of	ADP
+these	DET
+cages	NOUN
+short	ADJ
+term	NOUN
+for	ADP
+a	DET
+pet	NOUN
+and	CCONJ
+it	PRON
+was	AUX
+n't	PART
+that	ADV
+great	ADJ
+to	PART
+be	AUX
+honest	ADJ
+,	PUNCT
+pretty	ADV
+cheaply	ADV
+made	VERB
+,	PUNCT
+the	DET
+door	NOUN
+springs	NOUN
+are	AUX
+annoying	ADJ
+and	CCONJ
+it	PRON
+does	AUX
+n't	PART
+last	VERB
+very	ADV
+well	ADV
+.	PUNCT
+
+Here	ADV
+are	AUX
+some	DET
+better	ADJ
+options	NOUN
+IMO	ADV
+:	PUNCT
+
+http://www.equinecaninefeline.com/catalog/mamble-hamster-narrow-100cm-cage-p-12642.html	X
+
+http://www.equinecaninefeline.com/catalog/abode-large-metal-cage-liberta-free-delivery-p-6679.html	X
+
+http://www.equinecaninefeline.com/catalog/savic-freddy-cage-free-delivery-p-6750.html	X
+
+http://www.netpetshop.co.uk/p-19500-savic-chichi-2-chinchilla-rat-degu-ferret-cage.aspx	X
+
+http://www.justcages.co.uk/ferret-cages/ferplast-furet-plus-ferret-cage#v_431	X
+
+These	PRON
+are	AUX
+all	ADV
+a	DET
+bit	NOUN
+more	ADV
+expensive	ADJ
+than	ADP
+your	PRON
+choice	NOUN
+but	CCONJ
+if	SCONJ
+you	PRON
+ebay	PROPN
+search	VERB
+the	DET
+names	NOUN
+you	PRON
+may	AUX
+be	AUX
+able	ADJ
+to	PART
+find	VERB
+one	NUM
+second	ADJ
+hand	NOUN
+...	PUNCT
+better	ADJ
+paying	VERB
+for	ADP
+a	DET
+second	ADJ
+hand	NOUN
+one	NUM
+in	ADP
+good	ADJ
+condition	NOUN
+than	ADP
+a	DET
+poorly	ADJ
+made	VERB
+new	ADJ
+one	NOUN
+IMO	ADV
+.	PUNCT
+
+The	DET
+First	ADJ
+One	NOUN
+Is	AUX
+much	ADV
+Better	ADJ
+!	PUNCT
+
+I	PRON
+Have	VERB
+This	DET
+Exact	ADJ
+Cage	NOUN
+,	PUNCT
+Bought	VERB
+From	ADP
+The	DET
+Exact	ADJ
+Ebay	PROPN
+User	NOUN
+.	PUNCT
+
+It	PRON
+s	AUX
+Really	ADV
+Good	ADJ
+And	CCONJ
+The	DET
+Rat	PROPN
+Calculater	NOUN
+Says	VERB
+Is	AUX
+Big	ADJ
+Enough	ADJ
+For	ADP
+5	NUM
+Rats	NOUN
+,	PUNCT
+But	CCONJ
+I	PRON
+Would	AUX
+Put	VERB
+A	DET
+Maximum	NOUN
+Of	ADP
+4	NUM
+In	ADP
+It	PRON
+Really	ADV
+:)	SYM
+
+is	AUX
+under	ADP
+tank	NOUN
+heating	NOUN
+or	CCONJ
+side	NOUN
+tank	NOUN
+heating	NOUN
+better	ADJ
+for	ADP
+a	DET
+corn	NOUN
+snake	NOUN
+?	PUNCT
+
+i	PRON
+was	AUX
+reading	VERB
+the	DET
+package	NOUN
+for	ADP
+a	DET
+tank	NOUN
+heater	NOUN
+i	PRON
+bought	VERB
+for	ADP
+my	PRON
+40	NUM
+gallon	NOUN
+tank	NOUN
+for	ADP
+my	PRON
+snake	NOUN
+and	CCONJ
+it	PRON
+said	VERB
+it	PRON
+can	AUX
+be	AUX
+put	VERB
+under	ADP
+the	DET
+tank	NOUN
+or	CCONJ
+on	ADP
+the	DET
+side	NOUN
+.	PUNCT
+
+i	PRON
+m	VERB
+not	PART
+worried	ADJ
+about	SCONJ
+damaging	VERB
+the	DET
+surface	NOUN
+my	PRON
+tank	NOUN
+is	AUX
+on	ADP
+because	SCONJ
+i	PRON
+can	AUX
+prop	VERB
+it	PRON
+up	ADP
+off	ADP
+the	DET
+surface	NOUN
+anyway	ADV
+.	PUNCT
+
+from	ADP
+my	PRON
+understanding	NOUN
+,	PUNCT
+if	SCONJ
+it	PRON
+s	AUX
+heated	VERB
+from	ADP
+the	DET
+bottom	NOUN
+,	PUNCT
+my	PRON
+snake	NOUN
+risks	VERB
+burning	VERB
+its	PRON
+belly	NOUN
+if	SCONJ
+it	PRON
+burrows	VERB
+and	CCONJ
+rests	VERB
+directly	ADV
+on	ADP
+top	NOUN
+of	ADP
+the	DET
+glass	NOUN
+over	ADP
+the	DET
+heater	NOUN
+unless	SCONJ
+i	PRON
+buy	VERB
+some	DET
+of	ADP
+that	DET
+reptile	NOUN
+carpet	NOUN
+to	PART
+put	VERB
+under	ADP
+the	DET
+substrate	NOUN
+,	PUNCT
+but	CCONJ
+it	PRON
+has	VERB
+better	ADJ
+heat	NOUN
+distribution	NOUN
+
+if	SCONJ
+it	PRON
+s	AUX
+from	ADP
+the	DET
+side	NOUN
+i	PRON
+do	AUX
+nt	PART
+have	VERB
+to	PART
+worry	VERB
+about	SCONJ
+propping	VERB
+it	PRON
+up	ADP
+,	PUNCT
+but	CCONJ
+the	DET
+snake	NOUN
+can	AUX
+still	ADV
+burn	VERB
+itself	PRON
+if	SCONJ
+it	PRON
+slithers	VERB
+along	ADP
+the	DET
+side	NOUN
+of	ADP
+the	DET
+tank	NOUN
+and	CCONJ
+i	PRON
+also	ADV
+read	VERB
+that	SCONJ
+it	PRON
+does	AUX
+nt	PART
+distribute	VERB
+heat	NOUN
+as	ADV
+well	ADV
+?	PUNCT
+
+what	PRON
+are	AUX
+your	PRON
+suggestions	NOUN
+and	CCONJ
+opinons	NOUN
+?	PUNCT
+
+i	PRON
+use	VERB
+UTH's	NOUN
+on	ADP
+all	DET
+of	ADP
+my	PRON
+burrowing	VERB
+snakes	NOUN
+.	PUNCT
+
+they	PRON
+will	AUX
+move	VERB
+if	SCONJ
+they	PRON
+get	VERB
+too	ADV
+warm	ADJ
+-	PUNCT
+it	PRON
+'s	AUX
+not	PART
+like	ADP
+a	DET
+heat	NOUN
+rock	NOUN
+which	PRON
+you	PRON
+should	AUX
+avoid	VERB
+at	ADP
+all	DET
+costs	NOUN
+.	PUNCT
+
+i	PRON
+usually	ADV
+put	VERB
+my	PRON
+own	ADJ
+natural	ADJ
+rock	NOUN
+over	ADP
+the	DET
+UTH	NOUN
+and	CCONJ
+they	PRON
+are	AUX
+perfectly	ADV
+fine	ADJ
+.	PUNCT
+
+i	PRON
+have	VERB
+over	ADV
+40	NUM
+corns	NOUN
+,	PUNCT
+kings	NOUN
+,	PUNCT
+and	CCONJ
+milks	NOUN
+and	CCONJ
+have	AUX
+never	ADV
+had	VERB
+a	DET
+problem	NOUN
+with	ADP
+the	DET
+UTH	NOUN
+system	NOUN
+.	PUNCT
+
+on	ADP
+the	DET
+side	NOUN
+is	AUX
+a	DET
+waste	NOUN
+-	PUNCT
+leave	VERB
+it	PRON
+on	ADP
+the	DET
+bottom	NOUN
+.	PUNCT
+
+good	ADJ
+luck	NOUN
+!	PUNCT
+
+Bottom	NOUN
+if	SCONJ
+you	PRON
+are	AUX
+worried	ADJ
+about	SCONJ
+the	DET
+snake	NOUN
+burning	VERB
+itself	PRON
+put	VERB
+something	PRON
+overt	ADP
+it	PRON
+like	ADP
+newspaper	NOUN
+...	PUNCT
+
+I	PRON
+now	ADV
+use	VERB
+a	DET
+75	NUM
+watt	NOUN
+basking	NOUN
+or	CCONJ
+heat	NOUN
+bulb	NOUN
+for	ADP
+mine	PRON
+and	CCONJ
+he	PRON
+seems	VERB
+to	PART
+like	VERB
+it	PRON
+
+put	VERB
+the	DET
+heater	NOUN
+on	ADP
+the	DET
+snake	NOUN
+he	PRON
+will	AUX
+love	VERB
+it	PRON
+and	CCONJ
+the	DET
+the	DET
+next	ADJ
+day	NOUN
+you	PRON
+will	AUX
+have	VERB
+dinner	NOUN
+
+What	PRON
+are	AUX
+good	ADJ
+places	NOUN
+to	PART
+eat	VERB
+brunch	NOUN
+at	ADP
+?	PUNCT
+?	PUNCT
+
+My	PRON
+bday	NOUN
+is	AUX
+Saturday	PROPN
+:)	SYM
+and	CCONJ
+I	PRON
+wan	VERB
+na	PART
+have	VERB
+breakfast	NOUN
+/	PUNCT
+lunch	NOUN
+with	ADP
+my	PRON
+fam	NOUN
+.	PUNCT
+
+I	PRON
+was	AUX
+gon	VERB
+na	PART
+have	VERB
+a	DET
+dinner	NOUN
+party	NOUN
+that	DET
+night	NOUN
+but	CCONJ
+my	PRON
+cousin	NOUN
+is	AUX
+having	VERB
+Having	VERB
+her	PRON
+bridal	ADJ
+shower	NOUN
+so	ADV
+brunch	NOUN
+is	VERB
+it	PRON
+but	CCONJ
+the	DET
+only	ADJ
+places	NOUN
+I	PRON
+know	VERB
+are	AUX
+denny	PROPN
+'s	PART
+and	CCONJ
+ihop	PROPN
+.	PUNCT
+
+Oh	INTJ
+and	CCONJ
+btw	ADV
+I	PRON
+live	VERB
+in	ADP
+los	PROPN
+angeles	PROPN
+look	VERB
+for	ADP
+places	NOUN
+in	ADP
+like	INTJ
+the	DET
+lb	PROPN
+area	NOUN
+and	CCONJ
+torrance	PROPN
+etc	X
+thanx	INTJ
+^_^	SYM
+
+I	PRON
+would	AUX
+strongly	ADV
+suggest	VERB
+"	PUNCT
+The	DET
+Breakfast	PROPN
+Club	PROPN
+"	PUNCT
+in	ADP
+Chicago	PROPN
+.	PUNCT
+
+You	PRON
+can	AUX
+definately	ADV
+plan	VERB
+on	ADP
+a	DET
+great	ADJ
+meal	NOUN
+with	ADP
+reasonable	ADJ
+prices	NOUN
+.	PUNCT
+
+Do	AUX
+n't	PART
+be	AUX
+in	ADP
+a	DET
+hurry	NOUN
+though	ADV
+.	PUNCT
+
+Just	ADV
+relax	VERB
+and	CCONJ
+enjoy	VERB
+.	PUNCT
+
+They	PRON
+have	VERB
+fabulous	ADJ
+French	ADJ
+toast	NOUN
+too	ADV
+.	PUNCT
+
+The	DET
+Breakfast	PROPN
+Club	PROPN
+&	CCONJ
+Grill	PROPN
+is	AUX
+conveniently	ADV
+located	VERB
+just	ADV
+two	NUM
+blocks	NOUN
+off	ADP
+the	DET
+Kennedy	PROPN
+Expressway	PROPN
+.	PUNCT
+
+There	PRON
+is	VERB
+always	ADV
+plenty	NOUN
+of	ADP
+parking	NOUN
+on	ADP
+the	DET
+street	NOUN
+or	CCONJ
+in	ADP
+our	PRON
+private	ADJ
+lot	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+'d	AUX
+rather	ADV
+dine	VERB
+at	ADP
+home	NOUN
+,	PUNCT
+simply	ADV
+call	VERB
+in	ADP
+your	PRON
+order	NOUN
+with	ADP
+our	PRON
+take	NOUN
+-	PUNCT
+out	NOUN
+service	NOUN
+.	PUNCT
+
+Plenty	NOUN
+of	ADP
+parking	NOUN
+on	ADP
+the	DET
+weekends	NOUN
+..	PUNCT
+during	ADP
+the	DET
+week	NOUN
+please	INTJ
+park	VERB
+in	ADP
+the	DET
+little	ADJ
+lot	NOUN
+across	ADP
+the	DET
+street	NOUN
+.	PUNCT
+
+Directions	NOUN
+from	ADP
+the	DET
+Kennedy	PROPN
+:	PUNCT
+Take	VERB
+the	DET
+Ogden	PROPN
+Exit	NOUN
+off	ADP
+the	DET
+Kennedy	PROPN
+.	PUNCT
+
+Go	VERB
+three	NUM
+lights	NOUN
+down	ADV
+and	CCONJ
+take	VERB
+a	DET
+right	NOUN
+onto	ADP
+Ogden	PROPN
+.	PUNCT
+
+Continue	VERB
+two	NUM
+blocks	NOUN
+to	ADP
+Hubbard	PROPN
+and	CCONJ
+take	VERB
+another	DET
+right	NOUN
+.	PUNCT
+
+We	PRON
+'re	AUX
+at	ADP
+the	DET
+corner	NOUN
+of	ADP
+Hubbard	PROPN
+and	CCONJ
+Noble	PROPN
+.	PUNCT
+
+The	DET
+Breakfast	PROPN
+Club	PROPN
+&	CCONJ
+Grill	PROPN
+
+1381	NUM
+W.	PROPN
+Hubbard	PROPN
+
+Chicago	PROPN
+,	PUNCT
+IL	PROPN
+60622	NUM
+
+312-666-2372	NUM
+Tel	NOUN
+
+Email	VERB
+Us	PRON
+
+Hours	NOUN
+of	ADP
+Operation	NOUN
+:	PUNCT
+
+Monday	PROPN
+thru	ADP
+Friday	PROPN
+
+6:30	NUM
+am	NOUN
+-	SYM
+8:00	NUM
+pm	NOUN
+
+Saturday	PROPN
+&	CCONJ
+Sunday	PROPN
+
+7:00	NUM
+am	NOUN
+-	SYM
+5:00	NUM
+pm	NOUN
+
+Happy	ADJ
+Hour	NOUN
+
+Monday	PROPN
+thru	ADP
+Friday	PROPN
+
+4:00	NUM
+pm	NOUN
+-	SYM
+6:00	NUM
+pm	NOUN
+
+$	SYM
+4	NUM
+appetizers	NOUN
+
+$	SYM
+4	NUM
+wine	NOUN
+
+$	SYM
+3	NUM
+Coronas	PROPN
+&	CCONJ
+Heineken	PROPN
+
+Unless	SCONJ
+you	PRON
+plan	VERB
+on	SCONJ
+being	AUX
+late	ADJ
+for	ADP
+the	DET
+bridal	ADJ
+shower	NOUN
+you	PRON
+might	AUX
+want	VERB
+to	PART
+post	VERB
+this	PRON
+again	ADV
+in	ADP
+the	DET
+L.A.	PROPN
+section	NOUN
+.	PUNCT
+
+Question	NOUN
+about	ADP
+the	DET
+sinking	NOUN
+of	ADP
+the	DET
+Titanic	PROPN
+?	PUNCT
+
+After	ADP
+the	DET
+sinking	NOUN
+of	ADP
+the	DET
+Titanic	PROPN
+in	ADP
+1912	NUM
+,	PUNCT
+was	VERB
+there	PRON
+a	DET
+law	NOUN
+made	VERB
+so	SCONJ
+that	SCONJ
+ships	NOUN
+would	AUX
+carry	VERB
+enough	ADJ
+lifeboats	NOUN
+to	PART
+save	VERB
+everybody	PRON
+on	ADP
+a	DET
+ship	NOUN
+if	SCONJ
+it	PRON
+was	AUX
+sinking	VERB
+?	PUNCT
+
+If	SCONJ
+yes	INTJ
+,	PUNCT
+was	AUX
+Canada	PROPN
+involved	ADJ
+in	ADP
+this	DET
+act	NOUN
+/	PUNCT
+law	NOUN
+?	PUNCT
+
+Sorry	INTJ
+,	PUNCT
+I	PRON
+'m	AUX
+just	ADV
+very	ADV
+nervous	ADJ
+after	SCONJ
+watching	VERB
+the	DET
+movie	NOUN
+.	PUNCT
+
+SOLAS	PROPN
+(	PUNCT
+Safety	PROPN
+Of	ADP
+Life	PROPN
+At	ADP
+Sea	PROPN
+)	PUNCT
+,	PUNCT
+which	PRON
+is	AUX
+an	DET
+international	ADJ
+maritime	ADJ
+treaty	NOUN
+,	PUNCT
+came	VERB
+about	ADV
+in	ADP
+response	NOUN
+to	ADP
+the	DET
+tragedy	NOUN
+of	ADP
+the	DET
+Titanic	PROPN
+.	PUNCT
+
+Today	NOUN
+,	PUNCT
+it	PRON
+is	AUX
+the	DET
+primary	ADJ
+safety	NOUN
+law	NOUN
+affecting	VERB
+virtually	ADV
+all	DET
+ships	NOUN
+,	PUNCT
+regardless	ADV
+of	ADP
+country	NOUN
+of	ADP
+registration	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+ever	ADV
+go	VERB
+on	ADP
+a	DET
+cruise	NOUN
+ship	NOUN
+,	PUNCT
+you	PRON
+will	AUX
+be	AUX
+required	VERB
+to	PART
+attend	VERB
+a	DET
+SOLAS	PROPN
+muster	NOUN
+drill	NOUN
+(	PUNCT
+lifeboat	NOUN
+drill	NOUN
+)	PUNCT
+within	ADP
+24	NUM
+hours	NOUN
+of	ADP
+sailing	NOUN
+.	PUNCT
+
+Most	ADJ
+ships	NOUN
+perform	VERB
+this	DET
+drill	NOUN
+before	SCONJ
+even	ADV
+leaving	VERB
+the	DET
+dock	NOUN
+.	PUNCT
+
+SOLAS	PROPN
+covers	VERB
+just	ADV
+about	ADV
+every	DET
+aspect	NOUN
+of	ADP
+safety	NOUN
+at	ADP
+sea	NOUN
+,	PUNCT
+including	VERB
+minimum	ADJ
+safety	NOUN
+equipment	NOUN
+,	PUNCT
+practices	NOUN
+,	PUNCT
+and	CCONJ
+standards	NOUN
+,	PUNCT
+lifeboats	NOUN
+,	PUNCT
+navigation	NOUN
+practices	NOUN
+,	PUNCT
+fire	NOUN
+protection	NOUN
+,	PUNCT
+and	CCONJ
+so	ADV
+on	ADV
+.	PUNCT
+
+We	PRON
+are	AUX
+much	ADV
+safer	ADJ
+today	NOUN
+on	ADP
+board	ADP
+ship	NOUN
+due	ADP
+to	ADP
+SOLAS	PROPN
+,	PUNCT
+and	CCONJ
+I	PRON
+suppose	VERB
+if	SCONJ
+any	DET
+good	ADJ
+came	VERB
+out	ADP
+of	ADP
+the	DET
+Titanic	PROPN
+tragedy	NOUN
+,	PUNCT
+the	DET
+adoption	NOUN
+of	ADP
+SOLAS	PROPN
+is	AUX
+probably	ADV
+it	PRON
+.	PUNCT
+
+http://www.caribbean-cruising.net	X
+
+--------------------------------------------------	PUNCT
+
+Edit	NOUN
+:	PUNCT
+Also	ADV
+I	PRON
+forgot	VERB
+to	PART
+mention	VERB
+earlier	ADV
+,	PUNCT
+most	ADJ
+(	PUNCT
+if	SCONJ
+not	PART
+all	DET
+)	PUNCT
+cruise	NOUN
+ships	NOUN
+also	ADV
+practice	VERB
+lifeboat	NOUN
+drills	NOUN
+weekly	ADV
+,	PUNCT
+and	CCONJ
+it	PRON
+is	AUX
+not	ADV
+uncommon	ADJ
+to	PART
+see	VERB
+them	PRON
+to	PART
+actually	ADV
+launch	VERB
+the	DET
+lifeboats	NOUN
+into	ADP
+the	DET
+water	NOUN
+as	ADP
+part	NOUN
+of	ADP
+their	PRON
+drill	NOUN
+when	ADV
+you	PRON
+are	AUX
+in	ADP
+port	NOUN
+.	PUNCT
+
+This	PRON
+not	ADV
+only	ADV
+ensures	VERB
+the	DET
+lifeboats	NOUN
+are	AUX
+operational	ADJ
+and	CCONJ
+will	AUX
+work	VERB
+if	SCONJ
+needed	VERB
+,	PUNCT
+but	CCONJ
+makes	VERB
+the	DET
+crew	NOUN
+proficient	ADJ
+at	SCONJ
+launching	VERB
+them	PRON
+.	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+think	VERB
+so	ADV
+
+Do	AUX
+n't	PART
+worry	VERB
+.	PUNCT
+
+When	ADV
+was	AUX
+the	DET
+last	ADJ
+time	NOUN
+you	PRON
+heard	VERB
+about	SCONJ
+a	DET
+ship	NOUN
+sinking	VERB
+?	PUNCT
+
+100	NUM
+years	NOUN
+ago	ADV
+?	PUNCT
+
+What	PRON
+are	AUX
+some	DET
+fun	ADJ
+things	NOUN
+I	PRON
+could	AUX
+do	VERB
+while	SCONJ
+in	ADP
+Japan	PROPN
+?	PUNCT
+
+I	PRON
+'ll	AUX
+be	AUX
+in	ADP
+Okinawa	PROPN
+for	ADP
+about	ADV
+a	DET
+week	NOUN
+so	ADV
+I	PRON
+was	AUX
+wondering	VERB
+what	PRON
+are	AUX
+some	DET
+fun	ADJ
+things	NOUN
+I	PRON
+could	AUX
+do	VERB
+?	PUNCT
+
+I	PRON
+'m	AUX
+a	DET
+20	NUM
+year	NOUN
+old	ADJ
+female	ADJ
+travelling	VERB
+by	ADP
+myself	PRON
+so	ADV
+it	PRON
+could	AUX
+be	AUX
+anything	PRON
+.	PUNCT
+
+Besides	ADP
+the	DET
+obvious	ADJ
+tourist	NOUN
+spots	NOUN
+which	PRON
+I	PRON
+already	ADV
+have	AUX
+planned	VERB
+for	ADP
+.	PUNCT
+
+How	ADV
+is	AUX
+the	DET
+night	NOUN
+life	NOUN
+in	ADP
+Naha	PROPN
+?	PUNCT
+
+Are	VERB
+there	PRON
+any	DET
+good	ADJ
+venues	NOUN
+that	PRON
+showcase	VERB
+underground	ADJ
+bands	NOUN
+,	PUNCT
+or	CCONJ
+just	ADV
+a	DET
+venue	NOUN
+at	ADV
+all	ADV
+?	PUNCT
+
+It	PRON
+does	AUX
+n't	PART
+have	VERB
+to	PART
+be	AUX
+underground	ADJ
+it	PRON
+could	AUX
+be	AUX
+any	DET
+type	NOUN
+of	ADP
+music	NOUN
+.	PUNCT
+
+Thanks	NOUN
+
+The	DET
+best	ADJ
+thing	NOUN
+you	PRON
+can	AUX
+do	VERB
+in	ADP
+Okinawa	PROPN
+is	VERB
+to	PART
+go	VERB
+to	ADP
+a	DET
+beach	NOUN
+.	PUNCT
+
+Otherwise	ADV
+,	PUNCT
+you	PRON
+can	AUX
+do	VERB
+what	PRON
+you	PRON
+can	AUX
+do	VERB
+in	ADP
+other	ADJ
+parts	NOUN
+or	ADP
+Japan	PROPN
+,	PUNCT
+like	ADP
+shopping	NOUN
+,	PUNCT
+eating	NOUN
+,	PUNCT
+etc	X
+.	PUNCT
+
+Or	CCONJ
+you	PRON
+can	AUX
+visit	VERB
+temples	NOUN
+or	CCONJ
+shrines	NOUN
+in	ADP
+Okinawa	PROPN
+.	PUNCT
+
+Well	INTJ
+first	ADV
+you	PRON
+can	AUX
+try	VERB
+speaking	VERB
+Japanese	PROPN
+.	PUNCT
+
+Go	VERB
+to	ADP
+a	DET
+sumo	NOUN
+tournament	NOUN
+.	PUNCT
+
+Eat	VERB
+at	ADP
+a	DET
+conveyor	NOUN
+-	PUNCT
+belt	NOUN
+sushi	NOUN
+restaurant	NOUN
+.	PUNCT
+
+Climb	VERB
+Mount	PROPN
+Fuji	PROPN
+.	PUNCT
+
+Okinawa	PROPN
+is	AUX
+quite	ADV
+different	ADJ
+from	ADP
+the	DET
+rest	NOUN
+of	ADP
+Japan	PROPN
+,	PUNCT
+although	SCONJ
+of	ADV
+course	ADV
+there	PRON
+are	VERB
+similarities	NOUN
+.	PUNCT
+
+The	DET
+main	ADJ
+thing	NOUN
+people	NOUN
+do	VERB
+there	ADV
+is	VERB
+go	VERB
+to	ADP
+the	DET
+beach	NOUN
+.	PUNCT
+
+There	PRON
+'s	VERB
+the	DET
+market	NOUN
+in	ADP
+Naha	PROPN
+,	PUNCT
+which	PRON
+is	AUX
+great	ADJ
+.	PUNCT
+
+You	PRON
+can	AUX
+find	VERB
+all	DET
+sorts	NOUN
+of	ADP
+fresh	ADJ
+food	NOUN
+and	CCONJ
+get	VERB
+a	DET
+really	ADV
+delicious	ADJ
+,	PUNCT
+fresh	ADJ
+sashimi	NOUN
+/	PUNCT
+sushi	NOUN
+lunch	NOUN
+upstairs	ADV
+.	PUNCT
+
+Try	VERB
+the	DET
+local	ADJ
+sake	NOUN
+too	ADV
+if	SCONJ
+you	PRON
+can	AUX
+.	PUNCT
+
+It	PRON
+'s	AUX
+a	DET
+special	ADJ
+kind	NOUN
+.	PUNCT
+
+I	PRON
+'m	AUX
+not	PART
+sure	ADJ
+that	SCONJ
+there	PRON
+'s	VERB
+much	ADJ
+nightlife	NOUN
+in	ADP
+Naha	PROPN
+.	PUNCT
+
+It	PRON
+'s	AUX
+more	ADJ
+of	ADP
+a	DET
+place	NOUN
+to	PART
+go	VERB
+to	PART
+enjoy	VERB
+the	DET
+weather	NOUN
+,	PUNCT
+the	DET
+sea	NOUN
+,	PUNCT
+etc	X
+.	PUNCT
+
+You	PRON
+might	AUX
+have	VERB
+to	PART
+make	VERB
+your	PRON
+own	ADJ
+nightlife	NOUN
+by	SCONJ
+finding	VERB
+an	DET
+izakaya	NOUN
+(	PUNCT
+pub	NOUN
+)	PUNCT
+somewhere	ADV
+.	PUNCT
+
+Your	PRON
+best	ADJ
+bet	NOUN
+would	AUX
+probably	ADV
+be	VERB
+to	PART
+get	VERB
+a	DET
+copy	NOUN
+of	ADP
+the	DET
+Lonely	PROPN
+Planet	PROPN
+Japan	PROPN
+book	NOUN
+and	CCONJ
+read	VERB
+the	DET
+chapter	NOUN
+on	ADP
+Okinawa	PROPN
+.	PUNCT
+
+Naha	PROPN
+'s	AUX
+not	PART
+a	DET
+very	ADV
+big	ADJ
+city	NOUN
+.	PUNCT
+
+Modern	ADJ
+m	NOUN
+16	NUM
+vs	ADP
+Vietnam	PROPN
+m	NOUN
+16	NUM
+version	NOUN
+?	PUNCT
+
+I	PRON
+was	AUX
+playing	VERB
+a	DET
+video	NOUN
+game	NOUN
+that	PRON
+has	VERB
+a	DET
+m	NOUN
+16	NUM
+Vietnam	PROPN
+model	NOUN
+,	PUNCT
+and	CCONJ
+in	ADP
+the	DET
+game	NOUN
+it	PRON
+'s	AUX
+3	NUM
+-	PUNCT
+shot	NOUN
+burst	NOUN
+.	PUNCT
+
+My	PRON
+brother	NOUN
+said	VERB
+they	PRON
+only	ADV
+had	VERB
+full	ADJ
+-	PUNCT
+auto	NOUN
+and	CCONJ
+semiautomatic	ADJ
+during	ADP
+Vietnam	PROPN
+.	PUNCT
+
+My	PRON
+questions	NOUN
+are	VERB
+..	PUNCT
+
+1	X
+)	PUNCT
+what	PRON
+the	DET
+s	AUX
+difference	NOUN
+between	ADP
+a	DET
+modern	ADJ
+m16	NOUN
+and	CCONJ
+Vietnam	PROPN
+m	NOUN
+16	NUM
+?	PUNCT
+
+2	X
+)	PUNCT
+did	AUX
+Vietnam	PROPN
+m	NOUN
+16's	NOUN
+have	VERB
+a	DET
+3	NUM
+-	PUNCT
+shot	NOUN
+burst	NOUN
+function	NOUN
+?	PUNCT
+
+To	PART
+save	VERB
+money	NOUN
+Robert	PROPN
+McNamara	PROPN
+ordered	VERB
+that	SCONJ
+the	DET
+ammunition	NOUN
+for	ADP
+the	DET
+new	ADJ
+M	NOUN
+-	PUNCT
+16s	NOUN
+being	AUX
+sent	VERB
+to	ADP
+SEA	NOUN
+in	ADP
+the	DET
+early	ADJ
+60s	NOUN
+use	VERB
+an	DET
+older	ADJ
+(	PUNCT
+dirtier	ADJ
+)	PUNCT
+type	NOUN
+of	ADP
+gunpowder	NOUN
+meant	VERB
+for	ADP
+use	NOUN
+with	ADP
+the	DET
+M	NOUN
+-	PUNCT
+14	NUM
+.	PUNCT
+
+He	PRON
+also	ADV
+ordered	VERB
+that	SCONJ
+the	DET
+receiver	NOUN
+not	ADV
+get	VERB
+a	DET
+(	PUNCT
+I	PRON
+think	VERB
+chrome	NOUN
+)	PUNCT
+coating	NOUN
+that	PRON
+helped	VERB
+keep	VERB
+the	DET
+gun	NOUN
+from	SCONJ
+jamming	VERB
+.	PUNCT
+
+Than	ADV
+the	DET
+troops	NOUN
+being	AUX
+issued	VERB
+the	DET
+weapon	NOUN
+were	AUX
+told	VERB
+it	PRON
+was	AUX
+self	NOUN
+-	PUNCT
+cleaning	VERB
+,	PUNCT
+which	DET
+it	PRON
+was	AUX
+n't	PART
+.	PUNCT
+
+As	ADP
+a	DET
+result	NOUN
+there	PRON
+was	VERB
+a	DET
+problem	NOUN
+with	SCONJ
+the	DET
+weapon	NOUN
+jamming	VERB
+.	PUNCT
+
+Once	SCONJ
+the	DET
+troops	NOUN
+started	VERB
+cleaning	VERB
+the	DET
+weapon	NOUN
+properly	ADV
+(	PUNCT
+even	ADV
+with	ADP
+the	DET
+dirtier	ADJ
+powder	NOUN
+)	PUNCT
+the	DET
+Vietnam	PROPN
+era	PROPN
+M	NOUN
+-	PUNCT
+16	NUM
+turned	VERB
+out	ADP
+to	PART
+be	AUX
+a	DET
+good	ADJ
+weapon	NOUN
+for	ADP
+the	DET
+purpose	NOUN
+it	PRON
+was	AUX
+being	AUX
+used	VERB
+for	ADP
+.	PUNCT
+
+The	DET
+screw	NOUN
+-	PUNCT
+up	NOUN
+was	AUX
+the	DET
+kind	NOUN
+of	ADP
+things	NOUN
+you	PRON
+have	VERB
+happen	VERB
+when	ADV
+you	PRON
+have	VERB
+bean	NOUN
+-	PUNCT
+counters	NOUN
+(	PUNCT
+and	CCONJ
+McNamara	PROPN
+was	AUX
+nothing	PRON
+if	SCONJ
+not	ADV
+a	DET
+bean	NOUN
+-	PUNCT
+counter	NOUN
+)	PUNCT
+instead	ADV
+of	ADP
+soldiers	NOUN
+in	ADP
+charge	NOUN
+of	ADP
+the	DET
+military	NOUN
+.	PUNCT
+
+Today	NOUN
+'s	PART
+weapons	NOUN
+do	AUX
+not	PART
+have	VERB
+that	DET
+kind	NOUN
+of	ADP
+problem	NOUN
+,	PUNCT
+and	CCONJ
+are	AUX
+much	ADV
+more	ADV
+reliable	ADJ
+.	PUNCT
+
+1	X
+)	PUNCT
+modern	ADJ
+m	NOUN
+16	NUM
+is	AUX
+alright	ADJ
+.	PUNCT
+
+Vietnam	PROPN
+m	NOUN
+16	NUM
+used	VERB
+to	PART
+clog	VERB
+up	ADP
+and	CCONJ
+never	ADV
+work	VERB
+.	PUNCT
+
+2	X
+)	PUNCT
+All	DET
+M	NOUN
+16's	NOUN
+are	AUX
+either	CCONJ
+automatic	ADJ
+or	CCONJ
+semi	X
+automatic	ADJ
+.	PUNCT
+
+No	DET
+one	NOUN
+uses	VERB
+3	NUM
+burst	NOUN
+.	PUNCT
+
+you	PRON
+play	VERB
+too	ADV
+much	ADJ
+cod	PROPN
+;P	SYM
+
+modern	ADJ
+m	NOUN
+16	NUM
+is	AUX
+best	ADJ
+
+Planning	VERB
+on	SCONJ
+going	VERB
+to	ADP
+New	PROPN
+Zealand	PROPN
+in	ADP
+January	PROPN
+.	PUNCT
+
+Is	AUX
+it	PRON
+OK	ADJ
+to	PART
+holiday	VERB
+in	ADP
+Christchurch	PROPN
+since	ADP
+the	DET
+Earthquakes	NOUN
+?	PUNCT
+
+Are	AUX
+the	DET
+hotels	NOUN
+back	ADV
+up	ADV
+and	CCONJ
+running	VERB
+?	PUNCT
+
+Are	VERB
+there	PRON
+still	ADV
+aftershocks	NOUN
+?	PUNCT
+
+Planning	VERB
+on	SCONJ
+going	VERB
+to	ADP
+North	PROPN
+and	CCONJ
+South	PROPN
+Island	PROPN
+.	PUNCT
+
+Is	AUX
+it	PRON
+safe	ADJ
+to	PART
+go	VERB
+to	ADP
+Rotarua	PROPN
+,	PUNCT
+since	ADP
+the	DET
+earthquakes	NOUN
+?	PUNCT
+
+Rotorua	PROPN
+is	AUX
+fine	ADJ
+.	PUNCT
+
+I	PRON
+'m	AUX
+assuming	VERB
+this	PRON
+was	AUX
+in	ADP
+reference	NOUN
+to	ADP
+the	DET
+January	PROPN
+earthquake	NOUN
+,	PUNCT
+do	AUX
+n't	PART
+worry	VERB
+,	PUNCT
+it	PRON
+was	AUX
+very	ADV
+deep	ADJ
+,	PUNCT
+so	ADV
+nothing	PRON
+was	AUX
+effected	VERB
+:)	SYM
+
+As	ADP
+for	ADP
+Christchurch	PROPN
+,	PUNCT
+yes	INTJ
+the	DET
+aftershocks	NOUN
+are	AUX
+still	ADV
+happening	VERB
+,	PUNCT
+but	CCONJ
+these	PRON
+are	AUX
+fairly	ADV
+small	ADJ
+-	PUNCT
+you	PRON
+can	AUX
+feel	VERB
+them	PRON
+,	PUNCT
+but	CCONJ
+the	PRON
+do	AUX
+n't	PART
+do	VERB
+any	DET
+damage	NOUN
+.	PUNCT
+
+Since	SCONJ
+lots	NOUN
+of	ADP
+people	NOUN
+are	AUX
+still	ADV
+living	VERB
+there	ADV
+,	PUNCT
+then	ADV
+it	PRON
+must	AUX
+be	AUX
+fine	ADJ
+to	PART
+visit	VERB
+.	PUNCT
+
+However	ADV
+the	DET
+CBD	PROPN
+is	VERB
+closed	VERB
+of	ADP
+to	ADP
+the	DET
+public	NOUN
+as	SCONJ
+a	DET
+lot	NOUN
+of	ADP
+it	PRON
+is	AUX
+still	ADV
+rubble	NOUN
+and	CCONJ
+stuff	NOUN
+and	CCONJ
+has	AUX
+n't	PART
+been	AUX
+cleared	VERB
+away	ADP
+yet	ADV
+.	PUNCT
+
+I	PRON
+'m	AUX
+sure	ADJ
+that	SCONJ
+you	PRON
+can	AUX
+find	VERB
+some	DET
+hotels	NOUN
+that	PRON
+are	AUX
+running	VERB
+in	ADP
+the	DET
+christchurch	PROPN
+area	NOUN
+,	PUNCT
+but	CCONJ
+if	SCONJ
+not	PART
+then	ADV
+there	PRON
+would	AUX
+be	VERB
+some	DET
+in	ADP
+close	ADJ
+by	ADV
+towns	NOUN
+.	PUNCT
+
+Despite	ADP
+the	DET
+aftershocks	NOUN
+I	PRON
+would	AUX
+recommend	VERB
+going	VERB
+to	ADP
+Christchurch	PROPN
+,	PUNCT
+just	ADV
+for	ADP
+the	DET
+experience	NOUN
+and	CCONJ
+then	ADV
+you	PRON
+can	AUX
+see	VERB
+first	ADV
+hand	NOUN
+how	ADV
+things	NOUN
+get	AUX
+effected	VERB
+by	ADP
+earthquakes	NOUN
+.	PUNCT
+
+Have	VERB
+fun	NOUN
+in	ADP
+New	PROPN
+Zealand	PROPN
+!!	PUNCT
+
+(	PUNCT
+ps.	NOUN
+I	PRON
+'m	AUX
+assuming	VERB
+you	PRON
+'ll	AUX
+stop	VERB
+off	ADP
+in	ADP
+Wellington	PROPN
+,	PUNCT
+and	CCONJ
+since	SCONJ
+it	PRON
+s	AUX
+summer	NOUN
+,	PUNCT
+may	AUX
+I	PRON
+recommend	VERB
+kaffee	PROPN
+eis	PROPN
+ice	PROPN
+creams	PROPN
+and	CCONJ
+gelatos	PROPN
+?	PUNCT
+
+Just	ADV
+recently	ADV
+discovered	VERB
+them	PRON
+last	ADJ
+time	NOUN
+I	PRON
+was	AUX
+down	ADV
+there	ADV
+,	PUNCT
+they	PRON
+'re	AUX
+very	ADV
+nice	ADJ
+)	PUNCT
+www.kaffeeeis.co.nz	X
+
+Loads	NOUN
+of	ADP
+places	NOUN
+have	VERB
+geographical	ADJ
+hazards	NOUN
+,	PUNCT
+if	SCONJ
+you	PRON
+are	AUX
+constantly	ADV
+paranoid	ADJ
+,	PUNCT
+you	PRON
+'ll	AUX
+never	ADV
+get	VERB
+anywhere	ADV
+without	ADP
+a	DET
+sense	NOUN
+of	ADP
+adventure	NOUN
+.	PUNCT
+
+In	ADP
+case	NOUN
+of	ADP
+an	DET
+earthquake	NOUN
+,	PUNCT
+stay	VERB
+under	ADP
+a	DET
+sturdy	NOUN
+table	NOUN
+and	CCONJ
+do	AUX
+n't	PART
+go	VERB
+outside	ADV
+as	SCONJ
+possible	ADJ
+debris	NOUN
+will	AUX
+fall	VERB
+.	PUNCT
+
+Yes	INTJ
+it	PRON
+'s	AUX
+ok	ADJ
+.	PUNCT
+
+Yes	INTJ
+,	PUNCT
+yes	INTJ
+and	CCONJ
+yes	NOUN
+.	PUNCT
+
+Nothing	PRON
+wrong	ADJ
+with	ADP
+rotorua	PROPN
+
+Help	NOUN
+?!	PUNCT
+
+What	DET
+size	NOUN
+horse	NOUN
+do	AUX
+i	PRON
+need	VERB
+?	PUNCT
+
+I	PRON
+m	AUX
+around	ADV
+5	NUM
+'	NOUN
+2	NUM
+-	SYM
+5	NUM
+'	NOUN
+4	NUM
+,	PUNCT
+11	NUM
+years	NOUN
+old	ADJ
+and	CCONJ
+i	PRON
+m	AUX
+wondering	VERB
+what	DET
+size	NOUN
+horse	NOUN
+i	PRON
+'ll	AUX
+need	VERB
+that	PRON
+i	PRON
+wo	AUX
+nt	PART
+grow	VERB
+out	ADP
+of	ADP
+quickly	ADV
+?	PUNCT
+
+thanks	NOUN
+
+louise	PROPN
+
+I	PRON
+would	AUX
+say	VERB
+it	PRON
+really	ADV
+depends	VERB
+on	ADP
+your	PRON
+riding	NOUN
+ability	NOUN
+,	PUNCT
+what	DET
+disciplines	NOUN
+you	PRON
+are	AUX
+interested	ADJ
+in	SCONJ
+doing	VERB
+,	PUNCT
+or	CCONJ
+plan	VERB
+on	SCONJ
+doing	VERB
+,	PUNCT
+etc	X
+.	PUNCT
+
+But	CCONJ
+I	PRON
+would	AUX
+go	VERB
+for	ADP
+the	DET
+base	NOUN
+number	NOUN
+of	ADP
+15	NUM
+hh	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+"	PUNCT
+tall	ADJ
+"	PUNCT
+being	VERB
+it	PRON
+'s	AUX
+bigger	ADJ
+than	ADP
+a	DET
+pony	NOUN
+,	PUNCT
+but	CCONJ
+it	PRON
+'s	AUX
+on	ADP
+the	DET
+small	ADJ
+end	NOUN
+for	ADP
+a	DET
+horse	NOUN
+.	PUNCT
+
+I	PRON
+got	VERB
+my	PRON
+horse	NOUN
+when	ADV
+I	PRON
+was	AUX
+12	NUM
+and	CCONJ
+I	PRON
+was	AUX
+already	ADV
+5	NUM
+'	NOUN
+9	NUM
+-	SYM
+5	NUM
+'	NOUN
+10	NUM
+,	PUNCT
+thankfully	ADV
+I	PRON
+stopped	VERB
+growing	VERB
+when	ADV
+I	PRON
+hit	VERB
+5	NUM
+'	NOUN
+11	NUM
+"	NOUN
+but	CCONJ
+my	PRON
+horse	NOUN
+is	AUX
+about	ADP
+16.2	NUM
+or	CCONJ
+16.3	NUM
+hh	NOUN
+,	PUNCT
+TB	PROPN
+.	PUNCT
+
+So	ADV
+do	AUX
+n't	PART
+be	AUX
+afraid	ADJ
+to	PART
+get	VERB
+something	PRON
+a	DET
+little	ADJ
+bigger	ADJ
+than	ADP
+"	PUNCT
+perfect	ADJ
+"	PUNCT
+just	ADV
+in	SCONJ
+case	NOUN
+you	PRON
+hit	VERB
+a	DET
+growth	NOUN
+spurt	NOUN
+.	PUNCT
+
+A	DET
+taller	ADJ
+horse	NOUN
+does	AUX
+n't	PART
+always	ADV
+mean	VERB
+a	DET
+horse	NOUN
+you	PRON
+ca	AUX
+n't	PART
+handle	VERB
+.	PUNCT
+
+Keep	VERB
+that	PRON
+in	ADP
+mind	NOUN
+.	PUNCT
+
+Also	ADV
+keep	VERB
+in	ADP
+mind	NOUN
+whether	SCONJ
+you	PRON
+want	VERB
+to	PART
+be	AUX
+able	ADJ
+to	PART
+jump	VERB
+up	ADV
+from	ADP
+the	DET
+ground	NOUN
+,	PUNCT
+if	SCONJ
+you	PRON
+even	ADV
+need	VERB
+to	PART
+,	PUNCT
+etc	X
+.	PUNCT
+
+You	PRON
+just	ADV
+want	VERB
+to	PART
+be	AUX
+sure	ADJ
+you	PRON
+can	AUX
+groom	VERB
+and	CCONJ
+saddle	VERB
+sufficiently	ADV
+and	CCONJ
+the	DET
+horse	NOUN
+itself	PRON
+is	AUX
+calm	ADJ
+enough	ADJ
+so	SCONJ
+that	SCONJ
+whatever	DET
+size	NOUN
+it	PRON
+is	AUX
+,	PUNCT
+you	PRON
+can	AUX
+handle	VERB
+it	PRON
+.	PUNCT
+
+i	PRON
+'m	AUX
+5	NUM
+'	NOUN
+3	NUM
+-	SYM
+4	NUM
+"	NOUN
+and	CCONJ
+am	AUX
+21	NUM
+well	INTJ
+will	AUX
+be	AUX
+in	ADP
+Nov	PROPN
+and	CCONJ
+my	PRON
+horse	NOUN
+is	AUX
+14.2	NUM
+hh	NOUN
+and	CCONJ
+she	PRON
+'s	AUX
+perfect	ADJ
+size	NOUN
+for	ADP
+me	PRON
+i	PRON
+can	AUX
+hop	VERB
+right	ADV
+on	ADV
+with	ADP
+no	DET
+mounting	NOUN
+block	NOUN
+.....	PUNCT
+only	ADV
+with	ADP
+a	DET
+saddle	NOUN
+though	SCONJ
+haha	INTJ
+i	PRON
+ca	AUX
+n't	PART
+bareback	ADJ
+,	PUNCT
+not	PART
+yet	ADV
+
+If	SCONJ
+you	PRON
+Do	AUX
+n't	PART
+want	VERB
+to	PART
+grow	VERB
+out	ADP
+of	ADP
+it	PRON
+quickly	ADV
+get	VERB
+a	DET
+14	NUM
+'	NOUN
+2	NUM
+..	PUNCT
+
+Anything	PRON
+smaller	ADJ
+you	PRON
+will	AUX
+grow	VERB
+out	ADP
+,	PUNCT
+anything	PRON
+bigger	ADJ
+will	AUX
+be	AUX
+too	ADV
+big	ADJ
+and	CCONJ
+difficult	ADJ
+to	PART
+control	VERB
+and	CCONJ
+manage	VERB
+,	PUNCT
+especially	ADV
+when	ADV
+riding	VERB
+.	PUNCT
+
+Hope	VERB
+I	PRON
+helped	VERB
+:)	SYM
+
+Where	ADV
+in	ADP
+the	DET
+world	NOUN
+is	AUX
+Iguazu	PROPN
+?	PUNCT
+
+Iguazu	PROPN
+Falls	PROPN
+
+Widely	ADV
+considered	VERB
+to	PART
+be	AUX
+one	NUM
+of	ADP
+the	DET
+most	ADV
+spectacular	ADJ
+waterfalls	NOUN
+in	ADP
+the	DET
+world	NOUN
+,	PUNCT
+the	DET
+Iguazu	PROPN
+Falls	PROPN
+on	ADP
+the	DET
+border	NOUN
+of	ADP
+Argentina	PROPN
+and	CCONJ
+Brazil	PROPN
+,	PUNCT
+are	AUX
+a	DET
+certainly	ADV
+must	AUX
+see	VERB
+attraction	NOUN
+in	ADP
+the	DET
+area	NOUN
+.	PUNCT
+
+The	DET
+centre	NOUN
+of	ADP
+the	DET
+falls	NOUN
+is	AUX
+known	VERB
+locally	ADV
+as	ADP
+‘	PUNCT
+Garganta	PROPN
+Del	PROPN
+Diablo	PROPN
+’	PUNCT
+(	PUNCT
+The	DET
+Devil	PROPN
+’s	PART
+Throat	PROPN
+)	PUNCT
+,	PUNCT
+where	ADV
+the	DET
+huge	ADJ
+volume	NOUN
+of	ADP
+water	NOUN
+sends	VERB
+a	DET
+constant	ADJ
+mist	NOUN
+of	ADP
+spray	NOUN
+into	ADP
+the	DET
+air	NOUN
+.	PUNCT
+
+With	SCONJ
+the	DET
+sun	NOUN
+shinning	VERB
+down	ADV
+on	ADP
+the	DET
+spray	NOUN
+,	PUNCT
+creating	VERB
+a	DET
+rainbow	NOUN
+in	ADP
+the	DET
+foreground	NOUN
+,	PUNCT
+this	PRON
+is	AUX
+the	DET
+perfect	ADJ
+place	NOUN
+to	PART
+get	VERB
+that	DET
+trademark	NOUN
+Iguazu	PROPN
+Falls	PROPN
+photograph	NOUN
+.	PUNCT
+
+However	ADV
+,	PUNCT
+save	VERB
+some	DET
+of	ADP
+your	PRON
+shots	NOUN
+for	ADP
+the	DET
+rest	NOUN
+of	ADP
+the	DET
+falls	NOUN
+,	PUNCT
+as	SCONJ
+in	ADP
+total	ADJ
+there	PRON
+are	VERB
+around	ADV
+270	NUM
+cascades	NOUN
+that	PRON
+spread	VERB
+out	ADV
+over	ADP
+nearly	ADV
+2	NUM
+miles	NOUN
+of	ADP
+the	DET
+Iguazu	PROPN
+River	PROPN
+.	PUNCT
+
+The	DET
+Iguazu	PROPN
+Falls	PROPN
+are	AUX
+easily	ADV
+accessible	ADJ
+and	CCONJ
+,	PUNCT
+dependent	ADJ
+on	ADP
+your	PRON
+time	NOUN
+restrictions	NOUN
+and	CCONJ
+budget	NOUN
+,	PUNCT
+you	PRON
+can	AUX
+get	VERB
+to	ADP
+the	DET
+area	NOUN
+by	ADP
+either	CCONJ
+bus	NOUN
+or	CCONJ
+plane	NOUN
+.	PUNCT
+
+The	DET
+nearest	ADJ
+towns	NOUN
+to	ADP
+the	DET
+site	NOUN
+are	AUX
+Puerto	PROPN
+Iguazu	PROPN
+in	ADP
+Argentina	PROPN
+,	PUNCT
+about	ADV
+12	NUM
+miles	NOUN
+from	ADP
+the	DET
+falls	NOUN
+,	PUNCT
+and	CCONJ
+Foz	PROPN
+do	PROPN
+Iguaçu	PROPN
+in	ADP
+Brazil	PROPN
+,	PUNCT
+which	PRON
+is	AUX
+equally	ADV
+close	ADJ
+.	PUNCT
+
+Both	DET
+towns	NOUN
+have	VERB
+airports	NOUN
+that	PRON
+are	AUX
+served	VERB
+regularly	ADV
+from	ADP
+the	DET
+larger	ADJ
+cities	NOUN
+such	ADJ
+as	ADP
+Sao	PROPN
+Paulo	PROPN
+,	PUNCT
+Rio	PROPN
+de	PROPN
+Janeiro	PROPN
+and	CCONJ
+Buenos	PROPN
+Aires	PROPN
+.	PUNCT
+
+The	DET
+bus	NOUN
+is	AUX
+obviously	ADV
+the	DET
+cheaper	ADJ
+option	NOUN
+,	PUNCT
+and	CCONJ
+travelling	VERB
+up	ADV
+from	ADP
+Buenos	PROPN
+Aires	PROPN
+the	DET
+trip	NOUN
+is	AUX
+a	DET
+full	ADJ
+20	NUM
+hours	NOUN
+,	PUNCT
+although	SCONJ
+the	DET
+buses	NOUN
+are	AUX
+very	ADV
+comfortable	ADJ
+with	ADP
+spacious	ADJ
+reclining	VERB
+seats	NOUN
+.	PUNCT
+
+The	DET
+bus	NOUN
+trip	NOUN
+down	ADV
+from	ADP
+Sao	PROPN
+Paulo	PROPN
+is	AUX
+a	DET
+similar	ADJ
+affair	NOUN
+taking	VERB
+around	ADV
+18	NUM
+hours	NOUN
+.	PUNCT
+
+Foz	PROPN
+on	ADP
+the	DET
+Brazilian	ADJ
+side	NOUN
+is	AUX
+the	DET
+larger	ADJ
+town	NOUN
+,	PUNCT
+however	ADV
+both	DET
+are	AUX
+geared	VERB
+up	ADV
+to	PART
+cater	VERB
+for	ADP
+visitors	NOUN
+to	ADP
+the	DET
+Waterfalls	NOUN
+and	CCONJ
+National	ADJ
+Parks	NOUN
+,	PUNCT
+and	CCONJ
+so	ADV
+offer	VERB
+a	DET
+range	NOUN
+of	ADP
+accommodation	NOUN
+for	ADP
+all	DET
+budgets	NOUN
+.	PUNCT
+
+For	ADP
+those	PRON
+with	ADP
+a	DET
+larger	ADJ
+appetite	NOUN
+for	ADP
+the	DET
+scenery	NOUN
+and	CCONJ
+a	DET
+larger	ADJ
+budget	NOUN
+,	PUNCT
+there	PRON
+are	VERB
+some	DET
+hotel	NOUN
+complexes	NOUN
+much	ADV
+closer	ADJ
+to	ADP
+the	DET
+action	NOUN
+with	ADP
+views	NOUN
+of	ADP
+parts	NOUN
+of	ADP
+the	DET
+falls	NOUN
+.	PUNCT
+
+Paris	PROPN
+or	CCONJ
+England	PROPN
+while	SCONJ
+studying	VERB
+aboard	ADV
+?	PUNCT
+
+I	PRON
+am	AUX
+going	VERB
+to	PART
+try	VERB
+and	CCONJ
+study	VERB
+aboard	ADV
+but	CCONJ
+idk	VERB
+where	ADV
+I	PRON
+can	AUX
+go	VERB
+I	PRON
+can	AUX
+not	PART
+decide	VERB
+where	ADV
+do	AUX
+you	PRON
+think	VERB
+would	AUX
+be	AUX
+the	DET
+best	ADJ
+place	NOUN
+to	PART
+go	VERB
+?	PUNCT
+
+where	ADV
+would	AUX
+you	PRON
+go	VERB
+?	PUNCT
+
+I	PRON
+have	AUX
+never	ADV
+been	AUX
+anywhere	ADV
+out	X
+side	ADP
+my	PRON
+home	NOUN
+town	NOUN
+Charlotte	PROPN
+north	PROPN
+Carolina	PROPN
+please	INTJ
+help	VERB
+!!!!	PUNCT
+
+definitely	ADV
+London	PROPN
+-	PUNCT
+
+you	PRON
+speak	VERB
+the	DET
+language	NOUN
+and	CCONJ
+will	AUX
+have	VERB
+more	ADJ
+fun	NOUN
+.	PUNCT
+
+The	DET
+French	ADJ
+tend	VERB
+to	PART
+look	VERB
+down	ADP
+on	ADP
+the	DET
+Americans	PROPN
+and	CCONJ
+treat	VERB
+them	PRON
+bad	ADV
+.	PUNCT
+
+London	PROPN
+is	AUX
+a	DET
+deliteful	ADJ
+city	NOUN
+to	PART
+visit	VERB
+and	CCONJ
+easy	ADJ
+to	PART
+get	VERB
+around	ADP
+.	PUNCT
+
+You	PRON
+will	AUX
+be	AUX
+able	ADJ
+to	PART
+have	VERB
+a	DET
+good	ADJ
+time	NOUN
+there	ADV
+.	PUNCT
+
+%	X
+
+As	SCONJ
+you	PRON
+'re	AUX
+from	ADP
+the	DET
+States	PROPN
+you	PRON
+'ll	AUX
+have	VERB
+much	ADV
+more	ADJ
+fun	NOUN
+in	ADP
+London	PROPN
+.	PUNCT
+
+Parisians	PROPN
+dislike	VERB
+Americans	PROPN
+for	ADP
+their	PRON
+lack	NOUN
+of	ADP
+speaking	VERB
+French	PROPN
+and	CCONJ
+proper	ADJ
+French	ADJ
+manners	NOUN
+.	PUNCT
+
+I	PRON
+was	AUX
+told	VERB
+to	PART
+leave	VERB
+a	DET
+restaurant	NOUN
+because	SCONJ
+I	PRON
+ordered	VERB
+water	NOUN
+with	ADP
+my	PRON
+meal	NOUN
+(	PUNCT
+apparently	ADV
+this	PRON
+is	AUX
+"	PUNCT
+washing	VERB
+down	ADP
+"	PUNCT
+your	PRON
+food	NOUN
+"	PUNCT
+)	PUNCT
+and	CCONJ
+not	PART
+ordering	VERB
+wine	NOUN
+.	PUNCT
+
+You	PRON
+'ll	AUX
+need	VERB
+to	PART
+have	VERB
+intermediate	ADJ
+French	PROPN
+to	PART
+have	VERB
+a	DET
+good	ADJ
+time	NOUN
+in	ADP
+Paris	PROPN
+.	PUNCT
+
+However	ADV
+,	PUNCT
+outside	ADP
+Paris	PROPN
+everybody	PRON
+is	AUX
+wonderful	ADJ
+.	PUNCT
+
+Nobody	PRON
+likes	VERB
+the	DET
+Parisians	PROPN
+,	PUNCT
+even	ADV
+then	DET
+Parisians	PROPN
+do	AUX
+n't	PART
+like	VERB
+Parisians	PROPN
+.	PUNCT
+
+South	PROPN
+France	PROPN
+is	AUX
+wonderful	ADJ
+,	PUNCT
+right	ADV
+on	ADP
+the	DET
+Mediterranean	PROPN
+.	PUNCT
+
+It	PRON
+'s	AUX
+beautiful	ADJ
+and	CCONJ
+the	DET
+people	NOUN
+are	AUX
+extremely	ADV
+friendly	ADJ
+.	PUNCT
+
+I	PRON
+used	VERB
+to	PART
+live	VERB
+in	ADP
+London	PROPN
+for	ADP
+6	NUM
+months	NOUN
+and	CCONJ
+it	PRON
+'s	AUX
+by	ADP
+far	ADV
+one	NUM
+of	ADP
+my	PRON
+favorite	ADJ
+places	NOUN
+to	PART
+be	AUX
+in	ADP
+the	DET
+world	NOUN
+(	PUNCT
+I	PRON
+'ve	AUX
+been	AUX
+to	ADP
+45	NUM
+countries	NOUN
+in	ADP
+5	NUM
+years	NOUN
+)	PUNCT
+.	PUNCT
+
+Everything	PRON
+about	ADP
+the	DET
+place	NOUN
+is	AUX
+magical	ADJ
+and	CCONJ
+the	DET
+people	NOUN
+are	AUX
+mostly	ADV
+friendly	ADJ
+.	PUNCT
+
+However	ADV
+,	PUNCT
+if	SCONJ
+you	PRON
+'re	AUX
+allowed	VERB
+another	DET
+option	NOUN
+and	CCONJ
+you	PRON
+want	VERB
+a	DET
+small	ADJ
+-	PUNCT
+town	NOUN
+feel	NOUN
+,	PUNCT
+then	ADV
+head	VERB
+to	ADP
+Edinburgh	PROPN
+,	PUNCT
+Scotland	PROPN
+.	PUNCT
+
+I	PRON
+lived	VERB
+there	ADV
+for	ADP
+8	NUM
+months	NOUN
+.	PUNCT
+
+If	SCONJ
+your	PRON
+French	PROPN
+is	AUX
+good	ADJ
+/	PUNCT
+moderate	ADJ
+,	PUNCT
+then	ADV
+head	VERB
+to	ADP
+Paris	PROPN
+without	ADP
+a	DET
+doubt	NOUN
+.	PUNCT
+
+I	PRON
+also	ADV
+highly	ADV
+recommend	VERB
+staying	VERB
+with	ADP
+a	DET
+French	ADJ
+family	NOUN
+.	PUNCT
+
+I	PRON
+did	VERB
+this	PRON
+at	ADP
+age	NOUN
+13	NUM
+in	ADP
+Champagne	PROPN
+,	PUNCT
+France	PROPN
+and	CCONJ
+it	PRON
+was	AUX
+the	DET
+most	ADV
+amazing	ADJ
+experice	NOUN
+of	ADP
+my	PRON
+upbringing	NOUN
+.	PUNCT
+
+does	AUX
+the	DET
+bta	PROPN
+have	VERB
+to	PART
+be	AUX
+paid	VERB
+first	ADV
+to	PART
+come	VERB
+to	ADP
+canada	PROPN
+?	PUNCT
+
+There	PRON
+is	VERB
+NO	DET
+such	ADJ
+thing	NOUN
+as	ADP
+a	DET
+BTA	PROPN
+.	PUNCT
+
+That	PRON
+is	AUX
+a	DET
+term	NOUN
+invented	VERB
+by	ADP
+online	ADJ
+romance	NOUN
+scammers	NOUN
+
+http://www.country-couples.co.uk/datingtips/basic-travel-allowance-bta-dating-scam/	X
+
+"	PUNCT
+Second	ADJ
+only	ADV
+to	ADP
+flight	NOUN
+money	NOUN
+,	PUNCT
+the	DET
+Basic	PROPN
+Travel	PROPN
+Allowance	PROPN
+(	PUNCT
+BTA	PROPN
+)	PUNCT
+is	AUX
+the	DET
+scammer	NOUN
+s	PART
+highest	ADV
+paying	VERB
+income	NOUN
+.	PUNCT
+
+Also	ADV
+known	VERB
+as	ADP
+the	DET
+Personal	PROPN
+Travel	PROPN
+Allowance	PROPN
+,	PUNCT
+Traveller	PROPN
+s	PART
+Allowance	PROPN
+Fee	PROPN
+,	PUNCT
+Traveller	PROPN
+s	PART
+Assistance	PROPN
+Fund	PROPN
+,	PUNCT
+Traveller	PROPN
+s	PART
+Assurance	PROPN
+Fund	PROPN
+and	CCONJ
+numerous	ADJ
+other	ADJ
+forms	NOUN
+of	ADP
+“	PUNCT
+I	PRON
+have	VERB
+to	PART
+have	VERB
+wodges	NOUN
+of	ADP
+your	PRON
+cash	NOUN
+or	CCONJ
+they	PRON
+wo	AUX
+n’t	PART
+let	VERB
+me	PRON
+fly	VERB
+”	PUNCT
+.	PUNCT
+
+Let	VERB
+’s	PRON
+get	VERB
+this	PRON
+over	ADV
+with	ADV
+now	ADV
+…	PUNCT
+
+THERE	PRON
+IS	VERB
+NO	DET
+SUCH	ADJ
+THING	NOUN
+any	ADV
+more	ADV
+,	PUNCT
+anywhere	ADV
+,	PUNCT
+it	PRON
+’s	AUX
+an	DET
+online	NOUN
+dating	NOUN
+scam	NOUN
+.	PUNCT
+"	PUNCT
+
+http://www.romancescam.com/forum/viewtopic.php?t=7231	X
+
+"	PUNCT
+THERE	PRON
+IS	VERB
+NO	DET
+SUCH	ADJ
+THING	NOUN
+AS	ADP
+BASIC	PROPN
+TRAVEL	PROPN
+ALLOWANCE	PROPN
+!!	PUNCT
+
+Please	INTJ
+remember	VERB
+:	PUNCT
+there	PRON
+is	VERB
+NO	DET
+such	ADJ
+thing	NOUN
+.	PUNCT
+
+There	PRON
+is	VERB
+NO	DET
+such	ADJ
+requirement	NOUN
+,	PUNCT
+in	ADP
+any	DET
+country	NOUN
+of	ADP
+the	DET
+world	NOUN
+.	PUNCT
+
+This	PRON
+is	AUX
+an	DET
+invention	NOUN
+of	ADP
+the	DET
+scammers	NOUN
+.	PUNCT
+"	PUNCT
+
+A	DET
+single	ADJ
+call	NOUN
+to	ADP
+CIC	PROPN
+will	AUX
+confirm	VERB
+there	PRON
+is	VERB
+NO	DET
+such	ADJ
+thing	NOUN
+as	ADP
+a	DET
+BTA	PROPN
+to	ADP
+Canada	PROPN
+and	CCONJ
+anyone	PRON
+asking	VERB
+for	ADP
+this	PRON
+is	AUX
+a	DET
+scammer	NOUN
+http://www.cic.gc.ca/english/contacts/index.asp	X
+
+Just	ADV
+pray	VERB
+that	SCONJ
+you	PRON
+have	AUX
+not	PART
+ever	ADV
+given	VERB
+this	DET
+criminal	NOUN
+enough	ADJ
+information	NOUN
+for	SCONJ
+your	PRON
+identity	NOUN
+to	PART
+be	AUX
+stolen	VERB
+-	PUNCT
+your	PRON
+full	ADJ
+name	NOUN
+,	PUNCT
+birthdate	NOUN
+,	PUNCT
+home	NOUN
+address	NOUN
+,	PUNCT
+etc	X
+or	CCONJ
+that	SCONJ
+you	PRON
+were	AUX
+not	PART
+conned	VERB
+into	SCONJ
+sending	VERB
+money	NOUN
+.	PUNCT
+
+This	DET
+person	NOUN
+is	AUX
+not	PART
+coming	VERB
+to	PART
+visit	VERB
+you	PRON
+-	PUNCT
+the	DET
+whole	ADJ
+point	NOUN
+of	ADP
+this	DET
+scam	NOUN
+is	VERB
+to	PART
+gain	VERB
+your	PRON
+trust	NOUN
+enough	ADV
+to	PART
+steal	VERB
+your	PRON
+money	NOUN
+and	CCONJ
+identity	NOUN
+
+Contact	VERB
+the	DET
+Anti-Fraud	PROPN
+Centre	PROPN
+to	PART
+report	VERB
+this	PRON
+http://www.antifraudcentre-centreantifraude.ca/english/home-eng.html	X
+
+No	INTJ
+.	PUNCT
+
+BTA	PROPN
+only	ADV
+exists	VERB
+in	ADP
+the	DET
+mind	NOUN
+of	ADP
+SCAMMERS	NOUN
+.	PUNCT
+
+100	NUM
+%	SYM
+SCAM	NOUN
+.	PUNCT
+
+cut	VERB
+of	ADP
+all	DET
+contact	NOUN
+and	CCONJ
+tighten	VERB
+up	ADP
+your	PRON
+PC	PROPN
+security	NOUN
+.	PUNCT
+
+There	PRON
+is	VERB
+no	DET
+such	ADJ
+thing	NOUN
+as	ADP
+a	DET
+BTA	PROPN
+or	CCONJ
+"	PUNCT
+Basic	PROPN
+Travel	PROPN
+Allowance	PROPN
+"	PUNCT
+-	PUNCT
+this	PRON
+is	AUX
+100	NUM
+%	SYM
+a	DET
+scam	NOUN
+-	PUNCT
+as	SCONJ
+the	DET
+first	ADJ
+poster	NOUN
+said	VERB
+,	PUNCT
+cut	VERB
+off	ADP
+any	DET
+and	CCONJ
+all	DET
+contact	NOUN
+with	ADP
+this	DET
+person	NOUN
+-	PUNCT
+they	PRON
+are	VERB
+NOT	PART
+who	PRON
+or	CCONJ
+what	PRON
+they	PRON
+are	AUX
+claiming	VERB
+to	PART
+be	VERB
+.	PUNCT
+
+The	DET
+below	ADJ
+site	NOUN
+from	ADP
+the	DET
+US	PROPN
+government	NOUN
+verifies	VERB
+this	PRON
+-	PUNCT
+it	PRON
+'s	AUX
+the	DET
+same	ADJ
+for	ADP
+Canada	PROPN
+,	PUNCT
+too	ADV
+.....	PUNCT
+
+http://nigeria.usembassy.gov/scams.html	X
+
+How	ADV
+can	AUX
+i	PRON
+make	VERB
+my	PRON
+Jack	NOUN
+Dempsey	NOUN
+reproduce	VERB
+?	PUNCT
+
+i	PRON
+have	VERB
+a	DET
+Mature	ADJ
+male	NOUN
+and	CCONJ
+female	NOUN
+they	PRON
+are	AUX
+together	ADV
+a	DET
+lot	NOUN
+but	CCONJ
+never	ADV
+laid	VERB
+eggs	NOUN
+as	ADV
+far	ADV
+as	SCONJ
+i	PRON
+know	VERB
+can	AUX
+anyone	PRON
+help	VERB
+me	PRON
+figure	VERB
+out	ADP
+how	ADV
+to	PART
+make	VERB
+them	PRON
+mate	VERB
+
+He	PRON
+'s	AUX
+the	DET
+issue	NOUN
+,	PUNCT
+you	PRON
+are	AUX
+trying	VERB
+to	PART
+"	PUNCT
+Make	VERB
+"	PUNCT
+them	PRON
+mate	VERB
+.	PUNCT
+
+This	PRON
+is	VERB
+like	SCONJ
+trying	VERB
+to	PART
+Make	VERB
+2	NUM
+people	NOUN
+get	AUX
+married	VERB
+.	PUNCT
+
+It	PRON
+does	AUX
+n't	PART
+work	VERB
+.	PUNCT
+
+First	ADV
+you	PRON
+need	VERB
+a	DET
+compatible	ADJ
+pair	NOUN
+.	PUNCT
+
+Sounds	VERB
+like	SCONJ
+your	PRON
+2	NUM
+at	ADV
+least	ADV
+tolerate	VERB
+each	DET
+other	ADJ
+,	PUNCT
+so	ADV
+there	PRON
+is	VERB
+hope	NOUN
+there	ADV
+.	PUNCT
+
+Then	ADV
+the	PRON
+need	VERB
+to	PART
+be	AUX
+mature	ADJ
+,	PUNCT
+that	ADV
+is	ADV
+,	PUNCT
+old	ADJ
+enough	ADJ
+,	PUNCT
+and	CCONJ
+big	ADJ
+enough	ADJ
+to	PART
+breed	VERB
+.	PUNCT
+
+This	PRON
+may	AUX
+be	AUX
+around	ADV
+1	NUM
+/	PUNCT
+2	NUM
+of	ADP
+their	PRON
+full	ADJ
+adult	NOUN
+size	NOUN
+,	PUNCT
+probably	ADV
+4	NUM
+-	SYM
+5	NUM
+"	NOUN
+for	ADP
+those	DET
+guys	NOUN
+.	PUNCT
+
+Then	ADV
+the	DET
+environment	NOUN
+.	PUNCT
+
+Large	ADJ
+tank	NOUN
+,	PUNCT
+no	DET
+annoying	ADJ
+tankmates	NOUN
+,	PUNCT
+perfect	ADJ
+water	NOUN
+conditons	NOUN
+and	CCONJ
+really	ADV
+good	ADJ
+feeding	NOUN
+.	PUNCT
+
+The	DET
+difference	NOUN
+is	AUX
+what	PRON
+they	PRON
+need	VERB
+to	PART
+live	VERB
+,	PUNCT
+VS	CCONJ
+what	PRON
+'s	AUX
+ideal	ADJ
+for	ADP
+them	PRON
+.	PUNCT
+
+Get	VERB
+that	PRON
+right	ADJ
+,	PUNCT
+and	CCONJ
+they	PRON
+will	AUX
+mate	VERB
+when	ADV
+THEY	PRON
+are	AUX
+ready	ADJ
+.	PUNCT
+
+You	PRON
+ca	AUX
+n't	PART
+MAKE	VERB
+them	PRON
+mate	VERB
+,	PUNCT
+you	PRON
+can	AUX
+only	ADV
+encourage	VERB
+them	PRON
+.	PUNCT
+
+Ian	PROPN
+
+Jack	NOUN
+Dempseys	NOUN
+are	AUX
+not	PART
+an	DET
+easy	ADJ
+cichlid	NOUN
+to	PART
+breed	VERB
+.	PUNCT
+
+Most	ADJ
+of	ADP
+the	DET
+time	NOUN
+one	NUM
+is	AUX
+more	ADV
+interested	ADJ
+in	ADP
+breeding	VERB
+than	ADP
+the	DET
+other	ADJ
+.	PUNCT
+
+Bredders	NOUN
+take	VERB
+the	DET
+one	NUM
+that	PRON
+in	VERB
+not	PART
+very	ADV
+interested	ADJ
+and	CCONJ
+put	VERB
+it	PRON
+alone	ADJ
+in	ADP
+a	DET
+breeeding	NOUN
+tank	NOUN
+for	ADP
+3	NUM
+-	SYM
+5	NUM
+days	NOUN
+.	PUNCT
+
+The	DET
+tank	NOUN
+should	AUX
+have	VERB
+a	DET
+hide	NOUN
+space	NOUN
+big	ADJ
+enough	ADJ
+for	ADP
+one	NUM
+fish	NOUN
+,	PUNCT
+or	CCONJ
+a	DET
+few	NOUN
+of	ADP
+them	PRON
+,	PUNCT
+but	CCONJ
+at	ADV
+least	ADV
+1	NUM
+cave	NOUN
+big	ADJ
+enough	ADJ
+for	ADP
+two	NUM
+fish	ADJ
+to	PART
+fit	VERB
+in	ADP
+.	PUNCT
+
+The	DET
+p	NOUN
+H	NOUN
+should	AUX
+be	AUX
+6.5	NUM
+-	SYM
+7	NUM
+.	PUNCT
+
+Now	ADV
+feed	VERB
+the	DET
+one	NUM
+in	ADP
+the	DET
+breeding	NOUN
+tank	NOUN
+as	ADV
+much	ADJ
+bloodworms	NOUN
+,	PUNCT
+blackworms	NOUN
+and	CCONJ
+/	PUNCT
+or	CCONJ
+earthworms	NOUN
+as	SCONJ
+it	PRON
+can	AUX
+eat	VERB
+for	ADP
+3	NUM
+-	SYM
+5	NUM
+days	NOUN
+.	PUNCT
+
+Then	ADV
+add	VERB
+the	DET
+other	ADJ
+mate	NOUN
+.	PUNCT
+
+They	PRON
+may	AUX
+not	PART
+respond	VERB
+right	ADV
+away	ADV
+and	CCONJ
+they	PRON
+may	AUX
+fight	VERB
+so	ADV
+ther	DET
+smaller	ADJ
+one	NUM
+can	AUX
+fit	VERB
+in	ADP
+one	NUM
+of	ADP
+hide	NOUN
+spaces	NOUN
+if	SCONJ
+it	PRON
+gets	AUX
+attacked	VERB
+.	PUNCT
+
+When	ADV
+the	DET
+male	NOUN
+s	PART
+aggressive	ADJ
+behavior	NOUN
+stops	VERB
+,	PUNCT
+it	PRON
+is	AUX
+ready	ADJ
+to	PART
+spawn	VERB
+.	PUNCT
+
+The	DET
+two	NUM
+lay	VERB
+their	PRON
+eggs	NOUN
+inside	ADP
+the	DET
+cave	NOUN
+you	PRON
+made	VERB
+for	ADP
+them	PRON
+.	PUNCT
+
+Turn	VERB
+the	DET
+water	NOUN
+temp	NOUN
+up	ADP
+to	ADP
+82	NUM
+degrees	NOUN
+
+Please	INTJ
+help	VERB
+with	ADP
+my	PRON
+cat	NOUN
+s	PART
+bladder	NOUN
+issue	NOUN
+?	PUNCT
+
+I	PRON
+have	VERB
+a	DET
+1	NUM
+1	NUM
+/	PUNCT
+2	NUM
+year	NOUN
+old	ADJ
+female	ADJ
+calico	NOUN
+.	PUNCT
+
+When	ADV
+she	PRON
+was	AUX
+spayed	VERB
+the	DET
+vet	NOUN
+had	VERB
+a	DET
+hard	ADJ
+time	NOUN
+because	SCONJ
+she	PRON
+only	ADV
+has	VERB
+one	NUM
+uterine	NOUN
+horn	NOUN
+and	CCONJ
+he	PRON
+said	VERB
+this	PRON
+could	AUX
+mean	VERB
+she	PRON
+only	ADV
+has	VERB
+on	NUM
+kidney	NOUN
+.	PUNCT
+
+Recently	ADV
+she	PRON
+has	AUX
+been	AUX
+peeing	VERB
+A	DET
+LOT	NOUN
+.	PUNCT
+
+I	PRON
+'m	AUX
+talking	VERB
+soaking	VERB
+all	DET
+the	DET
+litter	NOUN
+box	NOUN
+and	CCONJ
+then	ADV
+some	DET
+.	PUNCT
+
+She	PRON
+is	AUX
+also	ADV
+peeing	VERB
+around	ADP
+the	DET
+box	NOUN
+and	CCONJ
+somehow	ADV
+it	PRON
+gets	VERB
+underneath	ADV
+.	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+have	VERB
+the	DET
+money	NOUN
+to	PART
+take	VERB
+her	PRON
+to	ADP
+a	DET
+vet	NOUN
+right	ADV
+now	ADV
+but	CCONJ
+it	PRON
+'s	AUX
+getting	VERB
+to	PART
+be	AUX
+an	DET
+issue	NOUN
+.	PUNCT
+
+I	PRON
+have	VERB
+to	PART
+scrub	VERB
+the	DET
+floor	NOUN
+2	NUM
+-	SYM
+3	NUM
+times	NOUN
+a	DET
+week	NOUN
+now	ADV
+.	PUNCT
+
+What	PRON
+could	AUX
+be	AUX
+the	DET
+issue	NOUN
+and	CCONJ
+can	AUX
+I	PRON
+try	VERB
+some	DET
+home	NOUN
+remedies	NOUN
+first	ADV
+?	PUNCT
+
+I	PRON
+love	VERB
+her	PRON
+and	CCONJ
+want	VERB
+to	PART
+help	VERB
+her	PRON
+but	CCONJ
+I	PRON
+do	AUX
+n't	PART
+know	VERB
+when	ADV
+I	PRON
+'ll	AUX
+be	AUX
+able	ADJ
+to	PART
+take	VERB
+her	PRON
+to	ADP
+to	ADP
+vet	NOUN
+:(	SYM
+please	INTJ
+help	VERB
+.	PUNCT
+
+First	ADV
+of	ADP
+all	DET
+,	PUNCT
+I	PRON
+am	AUX
+very	ADV
+sorry	ADJ
+to	PART
+hear	VERB
+you	PRON
+'re	AUX
+having	VERB
+this	DET
+issue	NOUN
+with	ADP
+your	PRON
+cat	NOUN
+.	PUNCT
+:(	SYM
+
+Frequent	ADJ
+urination	NOUN
+is	AUX
+a	DET
+sign	NOUN
+of	ADP
+several	ADJ
+things	NOUN
+.	PUNCT
+
+Bladder	NOUN
+or	CCONJ
+Urinary	ADJ
+tract	NOUN
+infections	NOUN
+are	AUX
+two	NUM
+common	ADJ
+ones	NOUN
+,	PUNCT
+but	CCONJ
+these	PRON
+usually	ADV
+are	AUX
+frequent	ADJ
+visits	NOUN
+,	PUNCT
+with	SCONJ
+small	ADJ
+amounts	NOUN
+of	ADP
+urine	NOUN
+being	AUX
+passed	VERB
+.	PUNCT
+
+If	SCONJ
+there	PRON
+is	VERB
+blood	NOUN
+in	ADP
+the	DET
+urine	NOUN
+,	PUNCT
+or	CCONJ
+the	DET
+cat	NOUN
+seems	VERB
+to	PART
+be	AUX
+in	ADP
+pain	NOUN
+,	PUNCT
+then	ADV
+that	PRON
+is	AUX
+also	ADV
+a	DET
+good	ADJ
+indicator	NOUN
+.	PUNCT
+
+But	CCONJ
+your	PRON
+cat	NOUN
+is	AUX
+passing	VERB
+a	DET
+LOT	NOUN
+of	ADP
+urine	NOUN
+,	PUNCT
+and	CCONJ
+this	PRON
+is	AUX
+bad	ADJ
+.	PUNCT
+
+Given	VERB
+the	DET
+chance	NOUN
+your	PRON
+cat	NOUN
+may	AUX
+only	ADV
+have	VERB
+one	NUM
+kidney	NOUN
+,	PUNCT
+I	PRON
+would	AUX
+think	VERB
+the	DET
+worst	ADJ
+case	NOUN
+scenario	NOUN
+would	AUX
+be	AUX
+kidney	NOUN
+disease	NOUN
+,	PUNCT
+which	PRON
+untreated	ADJ
+can	AUX
+lead	VERB
+to	ADP
+possible	ADJ
+renal	ADJ
+failure	NOUN
+.	PUNCT
+
+Signs	NOUN
+of	ADP
+this	PRON
+can	AUX
+be	AUX
+hard	ADJ
+to	PART
+spot	VERB
+,	PUNCT
+and	CCONJ
+if	SCONJ
+this	PRON
+is	AUX
+true	ADJ
+in	ADP
+her	PRON
+case	NOUN
+she	PRON
+will	AUX
+definitely	ADV
+need	VERB
+to	PART
+see	VERB
+a	DET
+vet	NOUN
+.	PUNCT
+
+Vomiting	NOUN
+,	PUNCT
+bad	ADJ
+breath	NOUN
+,	PUNCT
+and	CCONJ
+listlessness	NOUN
+.	PUNCT
+
+Seizures	NOUN
+will	AUX
+occur	VERB
+when	ADV
+the	DET
+toxins	NOUN
+that	PRON
+the	DET
+kidney	NOUN
+normally	ADV
+filters	VERB
+out	ADP
+are	AUX
+released	VERB
+into	ADP
+the	DET
+blood	NOUN
+stream	NOUN
+.	PUNCT
+
+I	PRON
+know	VERB
+you	PRON
+are	AUX
+very	ADV
+worried	ADJ
+,	PUNCT
+but	CCONJ
+getting	VERB
+her	PRON
+to	ADP
+the	DET
+vet	NOUN
+is	AUX
+the	DET
+best	ADJ
+thing	NOUN
+you	PRON
+can	AUX
+do	VERB
+for	ADP
+her	PRON
+.	PUNCT
+
+In	ADP
+the	DET
+meantime	NOUN
+make	VERB
+sure	ADJ
+she	PRON
+had	VERB
+plenty	NOUN
+of	ADP
+water	NOUN
+available	ADJ
+to	ADP
+her	PRON
+.	PUNCT
+
+I	PRON
+want	VERB
+to	PART
+apply	VERB
+for	ADP
+canada	PROPN
+skilled	VERB
+immigeration	NOUN
+program	NOUN
+.	PUNCT
+
+I	PRON
+got	VERB
+only	ADV
+63	NUM
+points	NOUN
+while	SCONJ
+67	NUM
+minimunm	NOUN
+is	AUX
+requirement	NOUN
+.?	PUNCT
+
+Can	AUX
+i	PRON
+apply	VERB
+with	ADP
+63	NUM
+points	NOUN
+?	PUNCT
+
+According	VERB
+to	ADP
+the	DET
+Citizenship	PROPN
+and	CCONJ
+Immigration	PROPN
+Canada	PROPN
+web	NOUN
+site	NOUN
+at	ADP
+http://www.cic.gc.ca/english/immigrate/skilled/assess/index.asp	X
+,	PUNCT
+it	PRON
+states	VERB
+"	PUNCT
+Note	NOUN
+:	PUNCT
+you	PRON
+must	AUX
+meet	VERB
+the	DET
+minimum	ADJ
+requirements	NOUN
+for	SCONJ
+your	PRON
+application	NOUN
+to	PART
+be	AUX
+eligible	ADJ
+for	ADP
+processing	VERB
+.	PUNCT
+"	PUNCT
+
+HOWEVER	ADV
+...	PUNCT
+that	DET
+same	ADJ
+web	NOUN
+page	NOUN
+also	ADV
+states	VERB
+that	SCONJ
+"	PUNCT
+The	DET
+current	ADJ
+pass	NOUN
+mark	NOUN
+is	AUX
+67	NUM
+.	PUNCT
+
+The	DET
+pass	NOUN
+mark	NOUN
+could	AUX
+change	VERB
+.	PUNCT
+
+You	PRON
+should	AUX
+check	VERB
+for	ADP
+updated	ADJ
+information	NOUN
+on	ADP
+a	DET
+regular	ADJ
+basis	NOUN
+.	PUNCT
+"	PUNCT
+
+The	DET
+Skilled	PROPN
+Worker	PROPN
+category	NOUN
+was	AUX
+my	PRON
+first	ADJ
+attempt	NOUN
+at	ADP
+permanent	ADJ
+residency	NOUN
+.	PUNCT
+
+And	CCONJ
+between	ADP
+the	DET
+time	NOUN
+I	PRON
+began	VERB
+my	PRON
+research	NOUN
+and	CCONJ
+the	DET
+time	NOUN
+I	PRON
+applied	VERB
+,	PUNCT
+the	DET
+minimum	ADJ
+score	NOUN
+did	AUX
+change	VERB
+once	ADV
+.	PUNCT
+
+Unfortunately	ADV
+,	PUNCT
+both	DET
+minimums	NOUN
+were	AUX
+above	ADP
+my	PRON
+score	NOUN
+.	PUNCT
+
+But	CCONJ
+I	PRON
+got	VERB
+lucky	ADJ
+because	SCONJ
+I	PRON
+qualified	VERB
+under	ADP
+another	DET
+category	NOUN
+to	PART
+become	VERB
+a	DET
+permanent	ADJ
+resident	NOUN
+.	PUNCT
+
+So	ADV
+keep	VERB
+checking	VERB
+at	ADV
+least	ADV
+on	ADP
+a	DET
+weekly	ADJ
+basis	NOUN
+.	PUNCT
+
+GOOD	ADJ
+NEWS	NOUN
+...	PUNCT
+I	PRON
+found	VERB
+a	DET
+web	NOUN
+page	NOUN
+run	VERB
+by	ADP
+Canadian	PROPN
+Immigration	PROPN
+Lawyers	PROPN
+at	ADP
+http://www.canadavisa.com/canadian-immigration-faq-skilled-workers.html	X
+.	PUNCT
+
+Here	ADV
+is	AUX
+what	PRON
+they	PRON
+posted	VERB
+there	ADV
+
+"	PUNCT
+4	X
+.	PUNCT
+May	AUX
+I	PRON
+qualify	VERB
+under	ADP
+the	DET
+Skilled	PROPN
+Worker	PROPN
+category	NOUN
+even	ADV
+if	SCONJ
+I	PRON
+score	VERB
+less	ADJ
+than	ADP
+67	NUM
+points	NOUN
+?	PUNCT
+"	PUNCT
+
+"	PUNCT
+If	SCONJ
+the	DET
+Canadian	PROPN
+Immigration	PROPN
+Visa	PROPN
+Officer	PROPN
+believes	VERB
+that	SCONJ
+the	DET
+point	NOUN
+total	NOUN
+does	AUX
+not	PART
+accurately	ADV
+reflect	VERB
+your	PRON
+ability	NOUN
+to	PART
+become	VERB
+economically	ADV
+established	VERB
+in	ADP
+Canada	PROPN
+,	PUNCT
+the	DET
+Canadian	PROPN
+Immigration	PROPN
+Visa	PROPN
+Officer	PROPN
+may	AUX
+use	VERB
+his	PRON
+or	CCONJ
+her	PRON
+positive	ADJ
+discretion	NOUN
+(	PUNCT
+referred	VERB
+to	ADP
+as	ADP
+substituted	VERB
+evaluation	NOUN
+)	PUNCT
+and	CCONJ
+approve	VERB
+your	PRON
+application	NOUN
+even	ADV
+though	SCONJ
+you	PRON
+score	VERB
+less	ADJ
+than	ADP
+67	NUM
+points	NOUN
+.	PUNCT
+"	PUNCT
+
+Read	VERB
+the	DET
+full	ADJ
+answer	NOUN
+at	ADP
+that	DET
+web	NOUN
+page	NOUN
+for	ADP
+conditions	NOUN
+.	PUNCT
+
+Sure	INTJ
+you	PRON
+can	AUX
+apply	VERB
+.	PUNCT
+
+The	DET
+points	NOUN
+system	NOUN
+acts	VERB
+as	ADP
+a	DET
+guide	NOUN
+to	PART
+sort	VERB
+out	ADP
+the	DET
+best	ADJ
+candidates	NOUN
+.	PUNCT
+
+Your	PRON
+application	NOUN
+is	AUX
+still	ADV
+evaluated	VERB
+on	ADP
+a	DET
+number	NOUN
+of	ADP
+criteria	NOUN
+,	PUNCT
+not	ADV
+all	DET
+of	ADP
+them	PRON
+as	ADV
+"	PUNCT
+cast	VERB
+in	ADP
+steel	NOUN
+"	PUNCT
+as	ADP
+the	DET
+points	NOUN
+.	PUNCT
+
+Go	VERB
+ahead	ADV
+,	PUNCT
+send	VERB
+in	ADP
+your	PRON
+application	NOUN
+.	PUNCT
+
+NOTE	NOUN
+to	ADP
+BEN	PROPN
+.	PUNCT
+
+67	NUM
+is	AUX
+the	DET
+minimum	ADJ
+score	NOUN
+,	PUNCT
+anything	PRON
+below	ADP
+that	PRON
+is	AUX
+filed	VERB
+in	ADP
+the	DET
+"	PUNCT
+circular	ADJ
+file	NOUN
+basket	NOUN
+"	PUNCT
+.	PUNCT
+
+Why	ADV
+have	VERB
+a	DET
+"	PUNCT
+minimum	NOUN
+"	PUNCT
+if	SCONJ
+it	PRON
+is	AUX
+going	VERB
+to	PART
+be	AUX
+ignored	VERB
+?	PUNCT
+
+Jim	PROPN
+B	PROPN
+
+Toronto	PROPN
+.	PUNCT
+
+I	PRON
+'m	AUX
+mad	ADJ
+and	CCONJ
+do	AUX
+n't	PART
+know	VERB
+what	PRON
+to	PART
+do	VERB
+!	PUNCT
+
+Please	INTJ
+help	VERB
+!?	PUNCT
+
+Alright	INTJ
+,	PUNCT
+so	ADV
+my	PRON
+dad	NOUN
+had	AUX
+been	AUX
+wanting	VERB
+me	PRON
+to	PART
+check	VERB
+my	PRON
+e	NOUN
+mail	NOUN
+for	ADP
+a	DET
+few	ADJ
+days	NOUN
+but	CCONJ
+I	PRON
+never	ADV
+got	VERB
+around	ADV
+to	ADP
+it	PRON
+.	PUNCT
+
+(	PUNCT
+I	PRON
+just	ADV
+thought	VERB
+he	PRON
+wanted	VERB
+me	PRON
+to	PART
+see	VERB
+one	NUM
+of	ADP
+those	DET
+chain	NOUN
+letter	NOUN
+things	NOUN
+again	ADV
+)	PUNCT
+so	ADV
+I	PRON
+fineally	ADV
+checked	VERB
+it	PRON
+,	PUNCT
+and	CCONJ
+it	PRON
+was	AUX
+an	DET
+e	NOUN
+mail	NOUN
+from	ADP
+southwest	PROPN
+airlines	PROPN
+telling	VERB
+me	PRON
+the	DET
+flight	NOUN
+dates	NOUN
+for	ADP
+out	PRON
+family	NOUN
+trip	NOUN
+to	ADP
+Florida	PROPN
+!!!	PUNCT
+
+I	PRON
+got	VERB
+so	ADV
+excited	ADJ
+!!!!	PUNCT
+
+It	PRON
+said	VERB
+it	PRON
+was	AUX
+in	ADP
+January	PROPN
+but	CCONJ
+still	ADV
+!!!!	PUNCT
+
+So	ADV
+I	PRON
+kept	VERB
+reading	VERB
+and	CCONJ
+then	ADV
+I	PRON
+saw	VERB
+the	DET
+dates	NOUN
+,	PUNCT
+it	PRON
+was	AUX
+from	ADP
+mid	X
+day	NOUN
+Friday	PROPN
+and	CCONJ
+arriving	VERB
+home	ADV
+mid	X
+day	NOUN
+monday	NOUN
+.	PUNCT
+:(	SYM
+
+then	ADV
+I	PRON
+think	VERB
+I	PRON
+just	ADV
+kind	ADV
+of	ADV
+stopped	VERB
+smiling	VERB
+and	CCONJ
+just	ADV
+kind	ADV
+of	ADV
+sat	VERB
+there	ADV
+looking	VERB
+at	ADP
+the	DET
+dates	NOUN
+.	PUNCT
+
+(	PUNCT
+we	PRON
+live	VERB
+in	ADP
+Pennsylvania	PROPN
+btw	ADV
+)	PUNCT
+I	PRON
+'m	AUX
+mad	ADJ
+and	CCONJ
+upset	ADJ
+now	ADV
+!	PUNCT
+
+Do	AUX
+n't	PART
+get	VERB
+me	PRON
+wrong	ADJ
+I	PRON
+want	VERB
+to	PART
+go	VERB
+,	PUNCT
+but	CCONJ
+for	ADP
+2	NUM
+days	NOUN
+-_-	SYM
+I	PRON
+mean	VERB
+seriously	ADV
+.	PUNCT
+
+We	PRON
+are	AUX
+taking	VERB
+a	DET
+3	NUM
+hour	NOUN
+flight	NOUN
+down	ADV
+to	ADP
+a	DET
+fancy	ADJ
+island	NOUN
+in	ADP
+Florida	PROPN
+and	CCONJ
+staying	VERB
+only	ADV
+2	NUM
+days	NOUN
+.	PUNCT
+
+****	PUNCT
+sigh	INTJ
+****	PUNCT
+not	PART
+trying	VERB
+to	PART
+sound	VERB
+snooty	ADJ
+or	CCONJ
+stuck	VERB
+up	ADP
+but	CCONJ
+I	PRON
+mean	VERB
+really	ADV
+!	PUNCT
+
+Can	AUX
+someone	PRON
+please	INTJ
+make	VERB
+me	PRON
+feel	VERB
+better	ADJ
+about	ADP
+this	DET
+trip	NOUN
+!!!!	PUNCT
+
+A	ADV
+least	ADV
+you	PRON
+r	AUX
+going	VERB
+.!	PUNCT
+
+Enjoy	VERB
+those	DET
+2	NUM
+days	NOUN
+it	PRON
+better	ADJ
+then	SCONJ
+not	ADV
+going	VERB
+at	ADV
+all	ADV
+.!	PUNCT
+
+and	CCONJ
+it	PRON
+will	AUX
+be	AUX
+fun	ADJ
+2	NUM
+days	NOUN
+cause	SCONJ
+you	PRON
+will	AUX
+busy	ADJ
+going	VERB
+to	ADP
+a	DET
+lot	NOUN
+of	ADP
+beautiful	ADJ
+places	NOUN
+,	PUNCT
+i	PRON
+can	AUX
+afford	VERB
+to	PART
+go	VERB
+so	ADV
+be	AUX
+happy	ADJ
+you	PRON
+have	VERB
+the	DET
+money	NOUN
+to	PART
+go	VERB
+.	PUNCT
+:D	SYM
+
+Well	INTJ
+,	PUNCT
+I	PRON
+mean	VERB
+,	PUNCT
+you	PRON
+do	AUX
+n't	PART
+have	VERB
+to	PART
+be	AUX
+mad	ADJ
+about	ADP
+it	PRON
+.	PUNCT
+
+At	ADV
+least	ADV
+you	PRON
+get	VERB
+to	PART
+go	VERB
+to	ADP
+Florida	PROPN
+in	ADP
+JANUARY	PROPN
+.	PUNCT
+
+And	CCONJ
+,	PUNCT
+having	VERB
+only	ADV
+two	NUM
+days	NOUN
+makes	VERB
+you	PRON
+realize	VERB
+what	PRON
+you	PRON
+have	VERB
+with	ADP
+your	PRON
+family	NOUN
+.	PUNCT
+
+"	PUNCT
+Nothing	PRON
+Gold	ADJ
+Can	AUX
+Stay	VERB
+"	PUNCT
+,	PUNCT
+honey	NOUN
+.	PUNCT
+
+Enjoy	VERB
+it	PRON
+while	SCONJ
+you	PRON
+can	AUX
+,	PUNCT
+and	CCONJ
+then	ADV
+if	SCONJ
+your	PRON
+family	NOUN
+enjoys	VERB
+it	PRON
+you	PRON
+can	AUX
+go	VERB
+again	ADV
+for	ADP
+a	DET
+longer	ADJ
+period	NOUN
+of	ADP
+time	NOUN
+.	PUNCT
+
+If	SCONJ
+they	PRON
+do	AUX
+n't	PART
+like	VERB
+it	PRON
+,	PUNCT
+it	PRON
+'ll	AUX
+only	ADV
+be	AUX
+two	NUM
+days	NOUN
+,	PUNCT
+remember	VERB
+?	PUNCT
+
+Hope	VERB
+you	PRON
+have	VERB
+a	DET
+crapload	NOUN
+of	ADP
+fun	NOUN
+!	PUNCT
+
+(	PUNCT
+In	ADP
+a	DET
+good	ADJ
+way	NOUN
+...	PUNCT
+)	PUNCT
+
+What	PRON
+is	VERB
+Italian	ADJ
+High	ADJ
+Renaissance	PROPN
+?	PUNCT
+
+Have	VERB
+a	DET
+look	NOUN
+at	ADP
+this	PRON
+,	PUNCT
+it	PRON
+may	AUX
+help	VERB
+.	PUNCT
+
+1	X
+)	PUNCT
+The	DET
+Italian	PROPN
+Renaissance	PROPN
+began	VERB
+the	DET
+opening	ADJ
+phase	NOUN
+of	ADP
+the	DET
+Renaissance	PROPN
+,	PUNCT
+a	DET
+period	NOUN
+of	ADP
+great	ADJ
+cultural	ADJ
+change	NOUN
+and	CCONJ
+achievement	NOUN
+in	ADP
+Europe	PROPN
+that	PRON
+spanned	VERB
+the	DET
+period	NOUN
+from	ADP
+the	DET
+end	NOUN
+of	ADP
+the	DET
+13th	ADJ
+century	NOUN
+to	ADP
+about	ADV
+1600	NUM
+,	PUNCT
+marking	VERB
+the	DET
+transition	NOUN
+between	ADP
+Medieval	ADJ
+and	CCONJ
+Early	ADJ
+Modern	ADJ
+Europe	PROPN
+.	PUNCT
+
+The	DET
+term	NOUN
+renaissance	PROPN
+is	AUX
+in	ADP
+essence	NOUN
+a	DET
+modern	ADJ
+one	NOUN
+that	PRON
+came	VERB
+into	ADP
+currency	NOUN
+in	ADP
+the	DET
+19th	ADJ
+century	NOUN
+,	PUNCT
+in	ADP
+the	DET
+work	NOUN
+of	ADP
+historians	NOUN
+such	ADJ
+as	ADP
+Jacob	PROPN
+Burckhardt	PROPN
+.	PUNCT
+
+Although	SCONJ
+the	DET
+origins	NOUN
+of	ADP
+a	DET
+movement	NOUN
+that	PRON
+was	AUX
+confined	VERB
+largely	ADV
+to	ADP
+the	DET
+literate	ADJ
+culture	NOUN
+of	ADP
+intellectual	ADJ
+endeavor	NOUN
+and	CCONJ
+patronage	NOUN
+can	AUX
+be	AUX
+traced	VERB
+to	ADP
+the	DET
+earlier	ADJ
+part	NOUN
+of	ADP
+the	DET
+14th	ADJ
+century	NOUN
+,	PUNCT
+many	ADJ
+aspects	NOUN
+of	ADP
+Italian	ADJ
+culture	NOUN
+and	CCONJ
+society	NOUN
+remained	VERB
+largely	ADV
+Medieval	ADJ
+;	PUNCT
+the	DET
+Renaissance	PROPN
+did	AUX
+not	PART
+come	VERB
+into	ADP
+full	ADJ
+swing	NOUN
+until	ADP
+the	DET
+end	NOUN
+of	ADP
+the	DET
+century	NOUN
+.	PUNCT
+
+The	DET
+word	NOUN
+renaissance	PROPN
+(	PUNCT
+Rinascimento	PROPN
+in	ADP
+Italian	PROPN
+)	PUNCT
+means	VERB
+“	PUNCT
+rebirth	NOUN
+”	PUNCT
+,	PUNCT
+and	CCONJ
+the	DET
+era	NOUN
+is	VERB
+best	ADV
+known	VERB
+for	ADP
+the	DET
+renewed	VERB
+interest	NOUN
+in	ADP
+the	DET
+culture	NOUN
+of	ADP
+classical	ADJ
+antiquity	NOUN
+after	ADP
+the	DET
+period	NOUN
+that	PRON
+Renaissance	PROPN
+humanists	NOUN
+labelled	VERB
+the	DET
+Dark	PROPN
+Ages	PROPN
+.	PUNCT
+
+These	DET
+changes	NOUN
+,	PUNCT
+while	SCONJ
+significant	ADJ
+,	PUNCT
+were	AUX
+concentrated	VERB
+in	ADP
+the	DET
+elite	ADJ
+,	PUNCT
+and	CCONJ
+for	ADP
+the	DET
+vast	ADJ
+majority	NOUN
+of	ADP
+the	DET
+population	NOUN
+life	NOUN
+was	AUX
+little	ADV
+changed	VERB
+from	ADP
+the	DET
+Middle	PROPN
+Ages	PROPN
+.	PUNCT
+
+2	X
+)	PUNCT
+The	DET
+expression	NOUN
+High	ADJ
+Renaissance	PROPN
+,	PUNCT
+in	ADP
+art	NOUN
+history	NOUN
+,	PUNCT
+is	AUX
+a	DET
+periodizing	NOUN
+convention	NOUN
+used	VERB
+to	PART
+denote	VERB
+the	DET
+apogee	NOUN
+of	ADP
+the	DET
+visual	ADJ
+arts	NOUN
+in	ADP
+the	DET
+Italian	ADJ
+Renaissance	PROPN
+.	PUNCT
+
+The	DET
+High	ADJ
+Renaissance	PROPN
+period	NOUN
+is	AUX
+traditionally	ADV
+taken	VERB
+to	PART
+begin	VERB
+in	ADP
+the	DET
+1490s	NOUN
+,	PUNCT
+with	ADP
+Leonardo	PROPN
+s	PART
+fresco	NOUN
+of	ADP
+the	DET
+Last	PROPN
+Supper	PROPN
+in	ADP
+Milan	PROPN
+and	CCONJ
+the	DET
+death	NOUN
+of	ADP
+Lorenzo	PROPN
+de'	PROPN
+Medici	PROPN
+in	ADP
+Florence	PROPN
+,	PUNCT
+and	CCONJ
+to	PART
+have	AUX
+ended	VERB
+in	ADP
+1527	NUM
+with	ADP
+the	DET
+sacking	NOUN
+of	ADP
+Rome	PROPN
+by	ADP
+the	DET
+troops	NOUN
+of	ADP
+Charles	PROPN
+V	PROPN
+.	PUNCT
+
+This	DET
+term	NOUN
+was	AUX
+first	ADV
+used	VERB
+in	ADP
+German	PROPN
+(	PUNCT
+Hochrenaissance	X
+)	PUNCT
+in	ADP
+the	DET
+early	ADJ
+nineteenth	ADJ
+century	NOUN
+,	PUNCT
+and	CCONJ
+has	VERB
+its	PRON
+origins	NOUN
+in	ADP
+the	DET
+"	PUNCT
+High	ADJ
+Style	NOUN
+"	PUNCT
+of	ADP
+painting	NOUN
+and	CCONJ
+sculpture	NOUN
+described	VERB
+by	ADP
+Johann	PROPN
+Joachim	PROPN
+Winckelmann	PROPN
+.	PUNCT
+
+[	PUNCT
+1	X
+]	PUNCT
+Over	ADP
+the	DET
+last	ADJ
+twenty	NUM
+years	NOUN
+,	PUNCT
+use	NOUN
+of	ADP
+the	DET
+term	NOUN
+has	AUX
+been	AUX
+frequently	ADV
+criticized	VERB
+by	ADP
+academic	ADJ
+art	NOUN
+historians	NOUN
+for	SCONJ
+over-simplifying	VERB
+artistic	ADJ
+developments	NOUN
+,	PUNCT
+ignoring	VERB
+historical	ADJ
+context	NOUN
+,	PUNCT
+and	CCONJ
+focusing	VERB
+only	ADV
+on	ADP
+a	DET
+few	ADJ
+iconic	ADJ
+works	NOUN
+.	PUNCT
+
+[	PUNCT
+2	X
+]	PUNCT
+
+Hope	VERB
+it	PRON
+helps	VERB
+!	PUNCT
+
+I	PRON
+'m	AUX
+American	ADJ
+and	CCONJ
+I	PRON
+am	AUX
+going	VERB
+to	ADP
+the	DET
+UK	PROPN
+for	ADP
+the	DET
+first	ADJ
+time	NOUN
+,	PUNCT
+what	PRON
+should	AUX
+I	PRON
+expect	VERB
+?	PUNCT
+
+I	PRON
+just	ADV
+need	VERB
+to	PART
+talk	VERB
+to	ADP
+an	DET
+another	DET
+american	ADJ
+who	PRON
+has	AUX
+gone	VERB
+to	ADP
+the	DET
+UK	PROPN
+before	ADV
+so	SCONJ
+that	SCONJ
+I	PRON
+know	VERB
+what	PRON
+expect	VERB
+when	ADV
+arriving	VERB
+at	ADP
+the	DET
+airport	NOUN
+and	CCONJ
+with	SCONJ
+going	VERB
+through	ADP
+visa	NOUN
+process	NOUN
+and	CCONJ
+everything	PRON
+.	PUNCT
+
+do	AUX
+you	PRON
+get	VERB
+your	PRON
+visitor	NOUN
+s	PART
+visa	NOUN
+immediately	ADV
+at	ADP
+the	DET
+airport	NOUN
+?	PUNCT
+
+I	PRON
+was	AUX
+told	VERB
+that	SCONJ
+americans	PROPN
+automatically	ADV
+get	VERB
+a	DET
+six	NUM
+months	NOUN
+visitor	NOUN
+s	PART
+visa	NOUN
+.	PUNCT
+
+do	AUX
+you	PRON
+have	VERB
+to	PART
+go	VERB
+through	ADP
+a	DET
+medical	ADJ
+exam	NOUN
+right	ADV
+away	ADV
+?	PUNCT
+
+drug	NOUN
+test	NOUN
+?	PUNCT
+
+blood	NOUN
+test	NOUN
+?	PUNCT
+
+or	CCONJ
+do	AUX
+i	PRON
+just	ADV
+show	VERB
+them	PRON
+passport	NOUN
+and	CCONJ
+walk	VERB
+through	ADP
+the	DET
+gates	NOUN
+?	PUNCT
+
+i	PRON
+have	AUX
+talked	VERB
+to	ADP
+some	DET
+people	NOUN
+that	PRON
+say	VERB
+that	SCONJ
+a	DET
+medical	ADJ
+exam	NOUN
+is	AUX
+an	DET
+invasion	NOUN
+of	ADP
+privacy	NOUN
+and	CCONJ
+other	ADJ
+say	VERB
+it	PRON
+s	AUX
+a	DET
+routine	NOUN
+thing	NOUN
+when	ADV
+entering	VERB
+another	DET
+country	NOUN
+.	PUNCT
+
+I	PRON
+honestly	ADV
+have	VERB
+no	DET
+idea	NOUN
+what	PRON
+to	PART
+expect	VERB
+or	CCONJ
+prepare	VERB
+for	ADP
+and	CCONJ
+calling	VERB
+in	ADV
+to	PART
+get	VERB
+professional	ADJ
+advice	NOUN
+from	ADP
+either	DET
+of	ADP
+the	DET
+embassies	NOUN
+costs	VERB
+by	ADP
+the	DET
+minute	NOUN
+-	PUNCT
+which	PRON
+I	PRON
+really	ADV
+do	AUX
+n't	PART
+have	VERB
+the	DET
+money	NOUN
+for	ADP
+.	PUNCT
+
+I	PRON
+'m	AUX
+really	ADV
+worried	ADJ
+cause	SCONJ
+I	PRON
+have	VERB
+no	DET
+idea	NOUN
+who	PRON
+to	PART
+talk	VERB
+to	ADP
+and	CCONJ
+want	VERB
+everything	PRON
+to	PART
+go	VERB
+smoothly	ADV
+.	PUNCT
+
+An	DET
+American	ADJ
+passport	NOUN
+should	AUX
+get	VERB
+you	PRON
+right	ADV
+into	ADP
+the	DET
+country	NOUN
+,	PUNCT
+there	PRON
+is	VERB
+no	DET
+need	NOUN
+for	ADP
+a	DET
+VISA	NOUN
+,	PUNCT
+for	ADP
+six	NUM
+months	NOUN
+.	PUNCT
+
+There	PRON
+is	VERB
+no	DET
+medical	ADJ
+exam	NOUN
+or	CCONJ
+blood	NOUN
+test	NOUN
+or	CCONJ
+others	NOUN
+like	ADP
+that	PRON
+.	PUNCT
+
+You	PRON
+do	AUX
+not	PART
+need	VERB
+to	PART
+call	VERB
+the	DET
+embassies	NOUN
+to	PART
+get	VERB
+professional	ADJ
+advice	NOUN
+.	PUNCT
+
+http://travel.state.gov/travel/cis_pa_tw/cis/cis_1052.html	X
+
+Above	ADV
+is	AUX
+the	DET
+link	NOUN
+to	ADP
+the	DET
+Department	PROPN
+of	ADP
+State	PROPN
+travel	NOUN
+website	NOUN
+,	PUNCT
+which	PRON
+will	AUX
+give	VERB
+you	PRON
+all	DET
+the	DET
+info	NOUN
+that	PRON
+you	PRON
+need	VERB
+,	PUNCT
+including	VERB
+passport	NOUN
+information	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+free	ADJ
+.	PUNCT
+
+I	PRON
+never	ADV
+stayed	VERB
+more	ADJ
+than	ADP
+two	NUM
+weeks	NOUN
+at	ADP
+a	DET
+time	NOUN
+when	ADV
+I	PRON
+visited	VERB
+the	DET
+U.K	PROPN
+.	PUNCT
+
+You	PRON
+should	AUX
+be	AUX
+fine	ADJ
+with	ADP
+just	ADV
+a	DET
+passport	NOUN
+,	PUNCT
+unless	SCONJ
+you	PRON
+'re	AUX
+staying	VERB
+longer	ADV
+than	ADP
+six	NUM
+months	NOUN
+.	PUNCT
+
+You	PRON
+should	AUX
+double	ADV
+check	VERB
+with	ADP
+the	DET
+necessary	ADJ
+embassy	NOUN
+before	SCONJ
+you	PRON
+leave	VERB
+though	ADV
+.	PUNCT
+
+I	PRON
+am	AUX
+not	PART
+sure	ADJ
+how	ADV
+well	ADV
+you	PRON
+planned	VERB
+this	DET
+trip	NOUN
+.	PUNCT
+
+You	PRON
+'ll	AUX
+have	VERB
+a	DET
+great	ADJ
+time	NOUN
+,	PUNCT
+so	ADV
+no	DET
+worries	NOUN
+there	ADV
+.	PUNCT
+
+I	PRON
+visited	VERB
+London	PROPN
+,	PUNCT
+Edinburgh	PROPN
+,	PUNCT
+and	CCONJ
+St.	PROPN
+Andrew	PROPN
+s	PART
+so	ADV
+far	ADV
+,	PUNCT
+and	CCONJ
+I	PRON
+was	AUX
+treated	VERB
+very	ADV
+well	ADV
+and	CCONJ
+with	ADP
+great	ADJ
+kindness	NOUN
+.	PUNCT
+
+Just	ADV
+treat	VERB
+everyone	PRON
+else	ADJ
+as	SCONJ
+you	PRON
+would	AUX
+want	VERB
+to	PART
+be	AUX
+treated	VERB
+,	PUNCT
+and	CCONJ
+you	PRON
+'ll	AUX
+be	AUX
+fine	ADJ
+.	PUNCT
+
+That	DET
+tactic	ADJ
+never	ADV
+failed	VERB
+me	PRON
+.	PUNCT
+
+What	PRON
+would	AUX
+you	PRON
+get	VERB
+if	SCONJ
+you	PRON
+cross	VERB
+a	DET
+sussex	NOUN
+male	NOUN
+and	CCONJ
+a	DET
+silkie	NOUN
+female	NOUN
+?	PUNCT
+
+i	PRON
+had	VERB
+a	DET
+sussex	NOUN
+male	NOUN
+and	CCONJ
+a	DET
+pekin	NOUN
+female	NOUN
+i	PRON
+bought	VERB
+2	NUM
+silkies	NOUN
+what	PRON
+would	AUX
+the	DET
+sussex	NOUN
+female	NOUN
+and	CCONJ
+the	DET
+silkie	NOUN
+females	NOUN
+would	AUX
+make	VERB
+?	PUNCT
+
+if	SCONJ
+you	PRON
+had	VERB
+any	DET
+pics	NOUN
+of	ADP
+your	PRON
+hens	NOUN
+i	PRON
+would	AUX
+like	VERB
+to	PART
+see	VERB
+them	PRON
+to	PART
+compare	VERB
+them	PRON
+to	ADP
+mine	PRON
+thanks	NOUN
+?	PUNCT
+
+A	DET
+Sussex	NOUN
+crossed	VERB
+with	ADP
+Silkie	NOUN
+would	AUX
+make	VERB
+a	DET
+crossbred	VERB
+*	PUNCT
+mutt	NOUN
+*	PUNCT
+chicken	NOUN
+.	PUNCT
+
+There	PRON
+are	VERB
+a	DET
+lot	NOUN
+of	ADP
+genetics	NOUN
+at	ADP
+play	NOUN
+between	ADP
+a	DET
+Sussex	NOUN
+and	CCONJ
+Silkie	NOUN
+,	PUNCT
+so	ADV
+the	DET
+offspring	NOUN
+would	AUX
+vary	VERB
+in	ADP
+appearance	NOUN
+.	PUNCT
+
+You	PRON
+do	AUX
+n't	PART
+say	VERB
+what	DET
+color	NOUN
+Silkie	NOUN
+or	CCONJ
+Sussex	NOUN
+you	PRON
+are	AUX
+dealing	VERB
+with	ADP
+so	ADV
+I	PRON
+ca	AUX
+n't	PART
+say	VERB
+what	DET
+color	NOUN
+your	PRON
+chicks	NOUN
+would	AUX
+be	AUX
+likely	ADJ
+to	PART
+be	VERB
+.	PUNCT
+
+However	ADV
+,	PUNCT
+I	PRON
+can	AUX
+say	VERB
+what	DET
+features	NOUN
+they	PRON
+would	AUX
+/	PUNCT
+could	AUX
+have	VERB
+.	PUNCT
+
+Feather	NOUN
+Type	NOUN
+.	PUNCT
+
+Silkies	NOUN
+have	VERB
+hookless	ADJ
+feathers	NOUN
+.	PUNCT
+
+Sussexs	NOUN
+have	VERB
+soft	ADJ
+feathers	NOUN
+.	PUNCT
+
+All	DET
+offspring	NOUN
+from	ADP
+this	DET
+cross	NOUN
+will	AUX
+have	VERB
+soft	ADJ
+feathers	NOUN
+,	PUNCT
+as	SCONJ
+hookless	ADJ
+feathers	NOUN
+are	AUX
+a	DET
+recessive	ADJ
+gene	NOUN
+.	PUNCT
+
+Skin	NOUN
+Color	PROPN
+:	PUNCT
+Silkies	NOUN
+have	VERB
+black	ADJ
+skin	NOUN
+color	NOUN
+,	PUNCT
+which	PRON
+is	AUX
+dominate	ADJ
+.	PUNCT
+
+Sussex	NOUN
+have	VERB
+White	ADJ
+Skin	NOUN
+which	PRON
+could	AUX
+be	AUX
+recessive	ADJ
+or	CCONJ
+dominate	ADJ
+.	PUNCT
+
+Either	DET
+way	NOUN
+rec.	ADJ
+and	CCONJ
+dom.	ADJ
+white	ADJ
+genes	NOUN
+dilute	VERB
+the	DET
+black	ADJ
+gene	NOUN
+.	PUNCT
+
+Skin	NOUN
+will	AUX
+be	AUX
+darker	ADJ
+but	CCONJ
+lighter	ADJ
+then	ADP
+the	DET
+Silkies	NOUN
+.	PUNCT
+
+Beards	NOUN
+/	PUNCT
+Muffs	NOUN
+:	PUNCT
+If	SCONJ
+your	PRON
+Silkie	NOUN
+has	VERB
+a	DET
+beard	NOUN
+/	PUNCT
+muff	NOUN
+the	DET
+offspring	NOUN
+could	AUX
+have	VERB
+a	DET
+beard	NOUN
+as	ADV
+well	ADV
+,	PUNCT
+as	SCONJ
+these	DET
+genes	NOUN
+are	AUX
+incomplete	ADV
+dominate	ADJ
+.	PUNCT
+
+Feathered	ADJ
+Feet	NOUN
+/	PUNCT
+Shanks	NOUN
+-	PUNCT
+Chicks	NOUN
+could	AUX
+have	VERB
+feathered	ADJ
+feet	NOUN
+/	PUNCT
+shanks	NOUN
+as	SCONJ
+this	PRON
+is	AUX
+also	ADV
+incomplete	ADV
+dominate	ADJ
+.	PUNCT
+
+Crest	NOUN
+:	PUNCT
+Chicks	NOUN
+could	AUX
+also	ADV
+develop	VERB
+a	DET
+small	ADJ
+crest	NOUN
+due	ADP
+to	SCONJ
+this	PRON
+being	AUX
+another	DET
+incomplete	ADV
+dominate	ADJ
+gene	NOUN
+.	PUNCT
+
+Comb	NOUN
+Type	NOUN
+:	PUNCT
+Silkies	NOUN
+have	VERB
+walnut	NOUN
+combs	NOUN
+which	PRON
+is	AUX
+actually	ADV
+genetically	ADV
+two	NUM
+comb	NOUN
+types	NOUN
+(	PUNCT
+Rose	NOUN
+and	CCONJ
+Pea	NOUN
+)	PUNCT
+single	NOUN
+is	AUX
+also	ADV
+there	ADV
+,	PUNCT
+but	CCONJ
+is	AUX
+recessive	ADJ
+.	PUNCT
+
+So	ADV
+crossed	VERB
+to	ADP
+a	DET
+Sussex	PROPN
+you	PRON
+could	AUX
+get	VERB
+a	DET
+walnut	NOUN
+,	PUNCT
+pea	NOUN
+,	PUNCT
+rose	NOUN
+,	PUNCT
+or	CCONJ
+single	ADJ
+combed	VERB
+bird	NOUN
+.	PUNCT
+
+Five	NUM
+Toes	NOUN
+:	PUNCT
+Silkies	NOUN
+have	VERB
+five	NUM
+toes	NOUN
+.	PUNCT
+
+Sussex	NOUN
+have	VERB
+four	NUM
+toes	NOUN
+.	PUNCT
+
+Crossed	VERB
+together	ADV
+(	PUNCT
+five	NUM
+toes	NOUN
+is	AUX
+incompletely	ADV
+dominate	ADJ
+)	PUNCT
+chicks	NOUN
+could	AUX
+develop	VERB
+to	PART
+have	VERB
+an	DET
+fifth	ADJ
+toe	NOUN
+on	ADP
+both	DET
+,	PUNCT
+or	CCONJ
+even	ADV
+one	NUM
+foot	NOUN
+.	PUNCT
+
+Silkie	NOUN
+crosses	NOUN
+are	AUX
+great	ADJ
+birds	NOUN
+,	PUNCT
+and	CCONJ
+very	ADV
+neat	ADJ
+looking	VERB
+.	PUNCT
+
+Hens	NOUN
+make	VERB
+excellent	ADJ
+mothers	NOUN
+as	SCONJ
+they	PRON
+are	AUX
+bigger	ADJ
+,	PUNCT
+can	AUX
+see	VERB
+better	ADV
+,	PUNCT
+and	CCONJ
+are	AUX
+smarter	ADJ
+the	ADP
+Silkies	NOUN
+.	PUNCT
+
+Best	ADJ
+wishes	NOUN
+,	PUNCT
+
+Jamie	PROPN
+/	PUNCT
+RhodeRunner	PROPN
+
+I	PRON
+took	VERB
+some	DET
+photos	NOUN
+of	ADP
+my	PRON
+model	NOUN
+girlfriend	NOUN
+with	ADP
+my	PRON
+Nikon	PROPN
+D7000	NOUN
+.	PUNCT
+
+What	PRON
+do	AUX
+you	PRON
+think	VERB
+of	ADP
+these	DET
+photos	NOUN
+?	PUNCT
+
+http://i.imgur.com/S2MD2.jpg	X
+http://i.imgur.com/T2zff.jpg	X
+http://i.imgur.com/Xytex.jpg	X
+I	PRON
+took	VERB
+some	DET
+photos	NOUN
+of	ADP
+my	PRON
+model	NOUN
+girlfriend	NOUN
+with	ADP
+my	PRON
+Nikon	PROPN
+D7000	NOUN
+(	PUNCT
+see	VERB
+links	NOUN
+above	ADV
+)	PUNCT
+.	PUNCT
+
+What	PRON
+do	AUX
+you	PRON
+think	VERB
+of	ADP
+these	DET
+photos	NOUN
+?	PUNCT
+
+The	DET
+lighting	NOUN
+was	AUX
+not	PART
+the	DET
+best	ADJ
+,	PUNCT
+but	CCONJ
+the	DET
+pics	NOUN
+turned	VERB
+out	ADP
+ok	ADJ
+in	ADP
+my	PRON
+opinion	NOUN
+.	PUNCT
+
+deleting	VERB
+a	DET
+question	NOUN
+where	ADV
+you	PRON
+do	AUX
+nt	PART
+like	VERB
+the	DET
+answer	NOUN
+wo	AUX
+n't	PART
+get	VERB
+you	PRON
+better	ADJ
+answers	NOUN
+...	PUNCT
+i	PRON
+refer	VERB
+to	ADP
+my	PRON
+previous	ADJ
+answer	NOUN
+:	PUNCT
+
+you	PRON
+need	VERB
+to	PART
+learn	VERB
+about	ADP
+white	ADJ
+balance	NOUN
+,	PUNCT
+composition	NOUN
+,	PUNCT
+angle	NOUN
+,	PUNCT
+and	CCONJ
+work	VERB
+on	SCONJ
+using	VERB
+the	DET
+camera	NOUN
+properly	ADV
+...	PUNCT
+
+[	PUNCT
+edit	NOUN
+-	PUNCT
+and	CCONJ
+she	PRON
+most	AUX
+be	AUX
+very	ADV
+new	ADJ
+to	ADP
+modeling	NOUN
+,	PUNCT
+because	SCONJ
+she	PRON
+does	AUX
+look	VERB
+unsure	ADJ
+of	ADP
+her	PRON
+poses	NOUN
+)	PUNCT
+
+lol	INTJ
+,	PUNCT
+he	PRON
+has	AUX
+posted	VERB
+this	PRON
+so	ADV
+many	ADJ
+times	NOUN
+today	NOUN
+already	ADV
+.	PUNCT
+
+clearly	ADV
+he	PRON
+s	AUX
+mad	ADJ
+that	SCONJ
+people	NOUN
+know	VERB
+he	PRON
+took	VERB
+her	PRON
+pic	NOUN
+off	ADP
+the	DET
+net	NOUN
+and	CCONJ
+it	PRON
+'s	AUX
+NOT	PART
+his	PRON
+gf	NOUN
+
+Not	ADV
+bad	ADJ
+,	PUNCT
+but	CCONJ
+too	ADV
+many	ADJ
+distracting	ADJ
+elements	NOUN
+for	ADP
+my	PRON
+taste	NOUN
+.	PUNCT
+
+For	ADP
+example	NOUN
+:	PUNCT
+
+In	ADP
+the	DET
+photo	NOUN
+on	ADP
+the	DET
+couch	NOUN
+,	PUNCT
+the	DET
+pillow	NOUN
+she	PRON
+is	AUX
+resting	VERB
+on	ADP
+clashes	VERB
+with	ADP
+everything	PRON
+else	ADJ
+in	ADP
+the	DET
+shot	NOUN
+.	PUNCT
+
+There	PRON
+are	VERB
+also	ADV
+some	DET
+distracting	ADJ
+background	NOUN
+elements	NOUN
+like	ADP
+the	DET
+light	NOUN
+fixture	NOUN
+and	CCONJ
+what	PRON
+looks	VERB
+like	ADP
+a	DET
+door	NOUN
+handle	NOUN
+on	ADP
+the	DET
+left	NOUN
+.	PUNCT
+
+In	ADP
+the	DET
+standing	NOUN
+photo	NOUN
+(	PUNCT
+from	ADP
+the	DET
+front	NOUN
+)	PUNCT
+there	PRON
+is	VERB
+a	DET
+corner	NOUN
+of	ADP
+a	DET
+rug	NOUN
+creeping	VERB
+in	ADV
+,	PUNCT
+some	DET
+kind	NOUN
+of	ADP
+box	NOUN
+in	ADP
+the	DET
+lower	ADJ
+right	ADJ
+corner	NOUN
+and	CCONJ
+what	PRON
+looks	VERB
+like	ADP
+a	DET
+power	NOUN
+cord	NOUN
+.	PUNCT
+
+In	ADP
+the	DET
+shot	NOUN
+from	ADP
+the	DET
+back	NOUN
+,	PUNCT
+the	DET
+crumpled	VERB
+bottom	NOUN
+of	ADP
+the	DET
+curtain	NOUN
+is	AUX
+pretty	ADV
+noticeable	ADJ
+as	ADV
+well	ADV
+as	ADP
+the	DET
+power	NOUN
+outlet	NOUN
+.	PUNCT
+
+Compositionally	ADV
+,	PUNCT
+this	DET
+one	NUM
+is	AUX
+not	PART
+my	PRON
+favorite	NOUN
+,	PUNCT
+I	PRON
+would	AUX
+suggest	VERB
+trying	VERB
+a	DET
+different	ADJ
+crop	NOUN
+because	SCONJ
+I	PRON
+do	AUX
+nt	PART
+think	VERB
+cutting	VERB
+her	PRON
+off	ADP
+at	ADP
+the	DET
+calf	NOUN
+looks	VERB
+great	ADJ
+.	PUNCT
+
+I	PRON
+do	AUX
+like	VERB
+the	DET
+shadow	NOUN
+,	PUNCT
+though	ADV
+.	PUNCT
+
+My	PRON
+suggestion	NOUN
+is	VERB
+to	PART
+pay	VERB
+close	ADJ
+attention	NOUN
+to	SCONJ
+what	PRON
+'s	AUX
+going	VERB
+on	ADP
+in	ADP
+the	DET
+background	NOUN
+and	CCONJ
+if	SCONJ
+possible	ADJ
+,	PUNCT
+stand	VERB
+on	ADP
+a	DET
+chair	NOUN
+,	PUNCT
+get	VERB
+on	ADP
+the	DET
+ground	NOUN
+,	PUNCT
+do	VERB
+whatever	PRON
+you	PRON
+need	VERB
+to	PART
+do	VERB
+to	PART
+get	VERB
+rid	ADJ
+of	ADP
+distracting	ADJ
+elements	NOUN
+.	PUNCT
+
+Using	VERB
+a	DET
+fairly	ADV
+wide	ADJ
+aperture	NOUN
+is	AUX
+also	ADV
+helpful	ADJ
+in	SCONJ
+blurring	VERB
+out	ADP
+unwanted	ADJ
+background	NOUN
+elements	NOUN
+.	PUNCT
+
+I	PRON
+'ve	AUX
+had	VERB
+a	DET
+few	ADJ
+great	ADJ
+shots	NOUN
+ruined	VERB
+myself	PRON
+because	SCONJ
+there	PRON
+was	VERB
+something	PRON
+in	ADP
+the	DET
+background	NOUN
+I	PRON
+did	AUX
+n't	PART
+notice	VERB
+at	ADV
+first	ADV
+.	PUNCT
+
+what	PRON
+are	AUX
+some	DET
+unique	ADJ
+customs	NOUN
+in	ADP
+ireland	PROPN
+?	PUNCT
+
+As	ADV
+far	ADV
+ask	SCONJ
+I	PRON
+’m	AUX
+aware	ADJ
+our	PRON
+most	ADV
+unique	ADJ
+custom	NOUN
+would	AUX
+be	AUX
+the	DET
+“	PUNCT
+Country	NOUN
+Wake	NOUN
+”	PUNCT
+.	PUNCT
+
+In	ADP
+all	DET
+my	PRON
+travels	NOUN
+I	PRON
+’ve	AUX
+never	ADV
+seen	VERB
+anything	PRON
+like	ADP
+it	PRON
+and	CCONJ
+am	AUX
+often	ADV
+met	VERB
+with	ADP
+an	DET
+odd	ADJ
+look	NOUN
+when	ADV
+I	PRON
+explain	VERB
+them	PRON
+to	ADP
+foreigners	NOUN
+.	PUNCT
+
+After	SCONJ
+a	DET
+person	NOUN
+dies	VERB
+,	PUNCT
+their	PRON
+remains	NOUN
+are	AUX
+“	PUNCT
+waked	VERB
+”	PUNCT
+in	ADP
+their	PRON
+home	NOUN
+for	ADP
+roughly	ADV
+2	NUM
+-	SYM
+3	NUM
+days	NOUN
+.	PUNCT
+
+In	ADP
+this	DET
+time	NOUN
+visitors	NOUN
+will	AUX
+come	VERB
+to	ADP
+the	DET
+house	NOUN
+,	PUNCT
+pay	VERB
+their	PRON
+respects	NOUN
+to	ADP
+the	DET
+desisted	ADJ
+and	CCONJ
+their	PRON
+family	NOUN
+and	CCONJ
+have	VERB
+a	DET
+couple	NOUN
+of	ADP
+cups	NOUN
+of	ADP
+tea	NOUN
+with	ADP
+a	DET
+sandwich	NOUN
+or	CCONJ
+a	DET
+bun	NOUN
+.	PUNCT
+
+The	DET
+wake	NOUN
+also	ADV
+included	VERB
+the	DET
+night	NOUN
+sit	NOUN
+were	ADV
+friends	NOUN
+and	CCONJ
+family	NOUN
+sit	VERB
+up	ADP
+through	ADP
+the	DET
+night	NOUN
+with	ADP
+the	DET
+remains	NOUN
+.	PUNCT
+
+Wakes	NOUN
+are	AUX
+common	ADJ
+both	CCONJ
+north	ADV
+and	CCONJ
+south	ADV
+of	ADP
+the	DET
+boarder	NOUN
+with	ADP
+Protestants	PROPN
+and	CCONJ
+Catholics	PROPN
+alike	ADV
+.	PUNCT
+
+But	CCONJ
+only	ADV
+really	ADV
+in	ADP
+the	DET
+countryside	NOUN
+.	PUNCT
+
+The	DET
+only	ADJ
+notable	ADJ
+difference	NOUN
+I	PRON
+have	AUX
+noticed	VERB
+is	VERB
+that	SCONJ
+in	ADP
+the	DET
+south	NOUN
+of	ADP
+Ireland	PROPN
+one	NUM
+night	NOUN
+of	ADP
+the	DET
+wake	NOUN
+is	AUX
+often	ADV
+held	VERB
+in	ADP
+the	DET
+chapel	NOUN
+the	DET
+night	NOUN
+before	ADP
+the	DET
+funeral	NOUN
+,	PUNCT
+this	DET
+tradition	NOUN
+started	VERB
+after	ADP
+the	DET
+civil	ADJ
+war	NOUN
+.	PUNCT
+
+Another	DET
+unique	ADJ
+custom	NOUN
+(	PUNCT
+and	CCONJ
+a	DET
+dying	VERB
+one	NOUN
+at	ADP
+that	PRON
+)	PUNCT
+is	AUX
+the	DET
+Pioneers	PROPN
+.	PUNCT
+
+The	DET
+Pioneers	PROPN
+was	AUX
+an	DET
+organization	NOUN
+started	VERB
+at	ADP
+the	DET
+end	NOUN
+of	ADP
+the	DET
+19th	ADJ
+century	NOUN
+which	PRON
+pushed	VERB
+and	CCONJ
+supported	VERB
+the	DET
+ideal	NOUN
+of	ADP
+temperance	NOUN
+(	PUNCT
+abstaining	VERB
+from	ADP
+alcohol	ADV
+)	PUNCT
+,	PUNCT
+in	ADP
+an	DET
+attempt	NOUN
+to	PART
+deal	VERB
+with	ADP
+the	DET
+massive	ADJ
+issue	NOUN
+of	ADP
+alcoholism	NOUN
+that	PRON
+Ireland	PROPN
+was	AUX
+gripped	VERB
+by	ADP
+.	PUNCT
+
+Pioneers	PROPN
+take	VERB
+a	DET
+pledge	NOUN
+to	PART
+remain	VERB
+tee	ADJ
+-	PUNCT
+total	ADJ
+and	CCONJ
+at	ADP
+the	DET
+hight	NOUN
+of	ADP
+the	DET
+organization	NOUN
+popularity	NOUN
+,	PUNCT
+had	VERB
+an	DET
+estimated	VERB
+two	NUM
+million	NUM
+members	NOUN
+even	ADV
+filling	VERB
+Croke	PROPN
+Park	PROPN
+on	ADP
+the	DET
+25th	ADJ
+anniversary	NOUN
+.	PUNCT
+
+I	PRON
+my	X
+self	PRON
+am	AUX
+one	NUM
+but	CCONJ
+appreciate	VERB
+that	SCONJ
+the	DET
+organization	NOUN
+is	AUX
+unlikely	ADJ
+to	PART
+make	VERB
+into	ADP
+the	DET
+22nd	ADJ
+century	NOUN
+.	PUNCT
+
+The	DET
+Orange	PROPN
+Order	PROPN
+and	CCONJ
+the	DET
+12th	NOUN
+of	ADP
+July	PROPN
+Marches	PROPN
+would	AUX
+be	AUX
+argued	VERB
+by	ADP
+some	DET
+not	PART
+to	PART
+be	AUX
+an	DET
+Irish	ADJ
+custom	NOUN
+but	CCONJ
+unarguable	ADV
+ticks	VERB
+every	DET
+criteria	NOUN
+to	PART
+be	AUX
+considered	VERB
+one	NUM
+.	PUNCT
+
+The	DET
+marches	NOUN
+on	ADP
+the	DET
+12th	NOUN
+of	ADP
+July	PROPN
+are	AUX
+only	ADV
+really	ADV
+attended	VERB
+by	ADP
+protestants	PROPN
+in	ADP
+the	DET
+Ulster	PROPN
+but	CCONJ
+in	ADP
+spite	NOUN
+of	ADP
+the	PRON
+are	AUX
+the	DET
+largest	ADJ
+attended	VERB
+paraded	NOUN
+in	ADP
+Ireland	PROPN
+.	PUNCT
+
+Barn	NOUN
+brack	NOUN
+and	CCONJ
+the	DET
+ring	NOUN
+.	PUNCT
+
+the	DET
+irish	ADJ
+customs	NOUN
+we	PRON
+have	VERB
+in	ADP
+our	PRON
+family	NOUN
+are	VERB
+;	PUNCT
+we	PRON
+make	VERB
+sinnel	NOUN
+cake	NOUN
+for	ADP
+easter	PROPN
+,	PUNCT
+barn	NOUN
+brack	NOUN
+and	CCONJ
+col	NOUN
+-	PUNCT
+cannon	NOUN
+for	ADP
+Halloween	PROPN
+.	PUNCT
+
+christmas	PROPN
+cake	NOUN
+for	ADP
+christmas	PROPN
+day	NOUN
+.	PUNCT
+
+Do	AUX
+animals	NOUN
+see	VERB
+images	NOUN
+on	ADP
+a	DET
+TV	NOUN
+screen	NOUN
+like	SCONJ
+humans	NOUN
+do	VERB
+?	PUNCT
+
+Do	AUX
+animals	NOUN
+see	VERB
+images	NOUN
+on	ADP
+a	DET
+TV	NOUN
+screen	NOUN
+like	SCONJ
+humans	NOUN
+do	VERB
+?	PUNCT
+
+I	PRON
+'m	AUX
+unsure	ADJ
+of	ADP
+this	PRON
+,	PUNCT
+because	SCONJ
+once	ADV
+I	PRON
+watched	VERB
+a	DET
+commercial	ADJ
+of	ADP
+cat	NOUN
+food	NOUN
+with	ADP
+my	PRON
+cat	NOUN
+and	CCONJ
+she	PRON
+did	AUX
+n't	PART
+react	VERB
+to	SCONJ
+seeing	VERB
+another	DET
+cat	NOUN
+on	ADP
+TV	NOUN
+.	PUNCT
+
+I	PRON
+heard	VERB
+that	SCONJ
+a	DET
+company	NOUN
+(	PUNCT
+here	ADV
+is	AUX
+a	DET
+link	NOUN
+:	PUNCT
+http://news.yahoo.com/nestl-purina-releases-commercial-aimed-dogs-183443091.html	X
+)	PUNCT
+is	AUX
+trying	VERB
+to	PART
+make	VERB
+a	DET
+dog	NOUN
+food	NOUN
+commercial	NOUN
+aimed	VERB
+at	ADP
+dogs	NOUN
+,	PUNCT
+complete	ADJ
+with	ADP
+squeaky	ADJ
+chew	NOUN
+-	PUNCT
+toy	NOUN
+sounds	NOUN
+,	PUNCT
+and	CCONJ
+high	ADJ
+pitched	VERB
+sounds	NOUN
+that	PRON
+humans	VERB
+ca	AUX
+n't	PART
+hear	VERB
+.	PUNCT
+
+As	ADV
+far	ADV
+as	SCONJ
+I	PRON
+understand	VERB
+,	PUNCT
+this	DET
+ad	NOUN
+will	AUX
+get	VERB
+dogs	ADV
+excited	ADJ
+,	PUNCT
+but	CCONJ
+my	PRON
+question	NOUN
+is	VERB
+:	PUNCT
+Can	AUX
+dogs	NOUN
+actually	ADV
+see	VERB
+the	DET
+images	NOUN
+featured	VERB
+in	ADP
+the	DET
+advert	NOUN
+like	ADP
+humans	NOUN
+?	PUNCT
+
+Also	ADV
+,	PUNCT
+can	AUX
+animals	NOUN
+remember	VERB
+images	NOUN
+on	ADP
+TV	NOUN
+like	ADP
+us	PRON
+,	PUNCT
+humans	NOUN
+?	PUNCT
+
+If	SCONJ
+so	ADV
+,	PUNCT
+then	ADV
+does	AUX
+that	PRON
+mean	VERB
+that	SCONJ
+if	SCONJ
+you	PRON
+watched	VERB
+a	DET
+scary	ADJ
+movie	NOUN
+and	CCONJ
+your	PRON
+dog	NOUN
+/	PUNCT
+cat	NOUN
+/	PUNCT
+parrot	NOUN
+was	AUX
+in	ADP
+the	DET
+same	ADJ
+room	NOUN
+as	ADP
+you	PRON
+they	PRON
+will	AUX
+also	ADV
+get	VERB
+scared	ADJ
+?	PUNCT
+
+I	PRON
+would	AUX
+n't	PART
+know	VERB
+--	PUNCT
+I	PRON
+do	AUX
+n't	PART
+particularly	ADV
+like	VERB
+scary	ADJ
+movies	NOUN
+,	PUNCT
+and	CCONJ
+I	PRON
+have	AUX
+n't	PART
+tried	VERB
+this	PRON
+with	ADP
+my	PRON
+pet	NOUN
+.	PUNCT
+
+Although	ADV
+,	PUNCT
+I	PRON
+do	AUX
+n't	PART
+think	VERB
+that	SCONJ
+scary	ADJ
+movies	NOUN
+will	AUX
+affect	VERB
+pets	NOUN
+for	ADP
+a	DET
+long	ADJ
+time	NOUN
+;	PUNCT
+I	PRON
+am	AUX
+sure	ADJ
+they	PRON
+'ll	AUX
+forget	VERB
+sometime	ADV
+--	PUNCT
+or	CCONJ
+am	AUX
+I	PRON
+wrong	ADJ
+?	PUNCT
+
+So	ADV
+what	PRON
+about	ADP
+T.V.	NOUN
+?	PUNCT
+
+Do	AUX
+dogs	NOUN
+enjoy	VERB
+watching	VERB
+T.V.	NOUN
+?	PUNCT
+
+Well	INTJ
+,	PUNCT
+T.V.	NOUN
+is	AUX
+a	DET
+series	NOUN
+of	ADP
+flickering	VERB
+pictures	NOUN
+that	PRON
+are	AUX
+streamed	VERB
+together	ADV
+to	PART
+make	VERB
+a	DET
+moving	VERB
+picture	NOUN
+.	PUNCT
+
+The	DET
+pictures	NOUN
+are	AUX
+broadcast	VERB
+at	ADP
+a	DET
+rate	NOUN
+of	ADP
+about	ADV
+60	NUM
+Hz	NOUN
+,	PUNCT
+which	PRON
+is	AUX
+how	ADV
+fast	ADJ
+they	PRON
+need	VERB
+to	PART
+move	VERB
+for	SCONJ
+us	PRON
+to	PART
+see	VERB
+them	PRON
+as	ADP
+a	DET
+moving	VERB
+,	PUNCT
+flawless	ADJ
+picture	NOUN
+.	PUNCT
+
+To	ADP
+a	DET
+dog	NOUN
+,	PUNCT
+watching	VERB
+T.V.	NOUN
+is	AUX
+a	DET
+lot	NOUN
+like	SCONJ
+watching	VERB
+and	DET
+old	ADJ
+scratchy	ADJ
+silent	ADJ
+film	NOUN
+because	SCONJ
+their	PRON
+flicker	NOUN
+fusion	NOUN
+seems	VERB
+to	PART
+occur	VERB
+at	ADP
+a	DET
+rate	NOUN
+of	ADP
+70	NUM
+to	ADP
+80	NUM
+Hz	NOUN
+.	PUNCT
+
+So	ADV
+they	PRON
+see	VERB
+the	DET
+pictures	NOUN
+flicker	VERB
+slower	ADV
+and	CCONJ
+there	X
+for	ADV
+it	PRON
+seems	VERB
+choppy	ADJ
+to	ADP
+them	PRON
+.	PUNCT
+
+So	ADV
+chances	NOUN
+are	VERB
+that	SCONJ
+if	SCONJ
+your	PRON
+dog	NOUN
+likes	VERB
+to	PART
+watch	VERB
+T.V.	NOUN
+,	PUNCT
+it	PRON
+’s	AUX
+probably	ADV
+because	ADP
+of	ADP
+the	DET
+sounds	NOUN
+.	PUNCT
+
+Hearing	VERB
+is	AUX
+a	DET
+dog	NOUN
+’s	PART
+secondary	ADJ
+sense	NOUN
+,	PUNCT
+and	CCONJ
+I	PRON
+will	AUX
+discuss	VERB
+that	PRON
+in	ADP
+another	DET
+blog	NOUN
+entery	NOUN
+.	PUNCT
+
+Yes	INTJ
+they	PRON
+do	VERB
+.	PUNCT
+
+i	PRON
+m	AUX
+pretty	ADV
+sure	ADJ
+that	SCONJ
+they	PRON
+do	AUX
+see	VERB
+things	NOUN
+on	ADP
+the	DET
+tv	NOUN
+screen	NOUN
+because	SCONJ
+my	PRON
+cat	NOUN
+chases	VERB
+things	NOUN
+around	ADP
+the	DET
+tv	NOUN
+screen	NOUN
+
+How	ADV
+much	ADJ
+should	AUX
+I	PRON
+be	AUX
+looking	VERB
+at	ADP
+for	ADP
+horse	NOUN
+transportation	NOUN
+?	PUNCT
+
+I	PRON
+need	VERB
+one	NUM
+horse	NOUN
+transported	VERB
+to	ADP
+shows	NOUN
+throughout	ADP
+the	DET
+2012	NUM
+show	NOUN
+season	NOUN
+,	PUNCT
+and	CCONJ
+the	DET
+location	NOUN
+is	AUX
+about	ADV
+3	NUM
+hours	NOUN
+away	ADV
+from	SCONJ
+where	ADV
+I	PRON
+live	VERB
+.	PUNCT
+
+The	DET
+place	NOUN
+where	ADV
+I	PRON
+'m	AUX
+boarding	VERB
+is	AUX
+not	PART
+likely	ADJ
+to	PART
+want	VERB
+to	PART
+take	VERB
+me	PRON
+this	ADV
+far	ADV
+,	PUNCT
+and	CCONJ
+I	PRON
+do	AUX
+not	PART
+have	VERB
+any	DET
+ways	NOUN
+of	SCONJ
+hauling	VERB
+him	PRON
+myself	PRON
+.	PUNCT
+
+So	ADV
+I	PRON
+want	VERB
+to	PART
+hire	VERB
+someone	PRON
+(	PUNCT
+or	CCONJ
+multiple	ADJ
+people	NOUN
+)	PUNCT
+to	PART
+transport	VERB
+me	PRON
+to	ADP
+these	DET
+shows	NOUN
+.	PUNCT
+
+If	SCONJ
+they	PRON
+ask	VERB
+how	ADV
+much	ADJ
+I	PRON
+'m	AUX
+willing	ADJ
+to	PART
+pay	VERB
+,	PUNCT
+what	PRON
+is	AUX
+a	DET
+good	ADJ
+price	NOUN
+range	NOUN
+?	PUNCT
+
+I	PRON
+saw	VERB
+a	DET
+site	NOUN
+that	PRON
+charges	VERB
+$	SYM
+0.70	NUM
+per	ADP
+mile	NOUN
+.	PUNCT
+
+Is	AUX
+that	PRON
+reasonable	ADJ
+?	PUNCT
+
+Impossible	ADJ
+to	PART
+say	VERB
+,	PUNCT
+but	CCONJ
+I	PRON
+guess	VERB
+you	PRON
+would	AUX
+have	VERB
+to	PART
+work	VERB
+out	ADP
+fuel	NOUN
+consumption	NOUN
+for	ADP
+the	DET
+particular	ADJ
+vehicle	NOUN
+that	PRON
+they	PRON
+are	AUX
+using	VERB
+and	CCONJ
+pay	VERB
+a	DET
+proportion	NOUN
+of	ADP
+that	PRON
+,	PUNCT
+and	CCONJ
+some	DET
+on	ADP
+top	NOUN
+for	ADP
+the	DET
+driver	NOUN
+'s	PART
+time	NOUN
+and	CCONJ
+effort	NOUN
+,	PUNCT
+unless	SCONJ
+you	PRON
+are	AUX
+able	ADJ
+to	PART
+share	VERB
+transport	NOUN
+with	ADP
+another	DET
+or	CCONJ
+more	ADJ
+,	PUNCT
+that	PRON
+would	AUX
+keep	VERB
+the	DET
+costs	NOUN
+down	ADV
+.	PUNCT
+
+Remember	VERB
+that	SCONJ
+you	PRON
+get	VERB
+what	PRON
+you	PRON
+pay	VERB
+for	ADP
+.	PUNCT
+
+Three	NUM
+hours	NOUN
+is	AUX
+n't	PART
+far	ADJ
+,	PUNCT
+but	CCONJ
+you	PRON
+are	AUX
+doing	VERB
+multiple	ADJ
+shows	NOUN
+.	PUNCT
+
+Some	DET
+people	NOUN
+are	AUX
+willing	ADJ
+to	PART
+take	VERB
+your	PRON
+horse	NOUN
+,	PUNCT
+but	CCONJ
+they	PRON
+really	ADV
+have	VERB
+old	ADJ
+trailers	NOUN
+that	PRON
+are	AUX
+not	PART
+the	DET
+safest	ADJ
+in	ADP
+the	DET
+world	NOUN
+.	PUNCT
+
+Rusted	VERB
+,	PUNCT
+torn	VERB
+corners	NOUN
+in	ADP
+the	DET
+stalls	NOUN
+,	PUNCT
+unhealthy	ADJ
+air	NOUN
+,	PUNCT
+straight	ADJ
+load	NOUN
+instead	ADV
+of	ADP
+slant	ADJ
+load	NOUN
+can	AUX
+all	ADV
+make	VERB
+travelling	VERB
+hard	ADJ
+,	PUNCT
+if	SCONJ
+not	ADV
+downright	ADV
+dangerous	ADJ
+,	PUNCT
+on	ADP
+your	PRON
+horse	NOUN
+.	PUNCT
+
+I	PRON
+had	VERB
+my	PRON
+horse	NOUN
+transported	VERB
+from	ADP
+CA	PROPN
+to	ADP
+WA	PROPN
+and	CCONJ
+he	PRON
+came	VERB
+on	ADP
+this	DET
+big	ADJ
+,	PUNCT
+open	ADJ
+stock	NOUN
+trailer	NOUN
+.	PUNCT
+
+He	PRON
+was	AUX
+dehydrated	ADJ
+when	ADV
+he	PRON
+got	VERB
+there	ADV
+and	CCONJ
+lost	VERB
+weight	NOUN
+.	PUNCT
+
+Since	ADP
+then	ADV
+,	PUNCT
+I	PRON
+now	ADV
+use	VERB
+a	DET
+professional	ADJ
+horse	NOUN
+hauling	NOUN
+service	NOUN
+with	ADP
+people	NOUN
+who	PRON
+ride	VERB
+with	ADP
+my	PRON
+horse	NOUN
+to	PART
+keep	VERB
+an	DET
+eye	NOUN
+on	ADP
+him	PRON
+,	PUNCT
+stop	VERB
+every	DET
+few	ADJ
+hours	NOUN
+for	ADP
+water	NOUN
+,	PUNCT
+and	CCONJ
+their	PRON
+trailers	NOUN
+all	ADV
+have	VERB
+super	ADV
+smooth	ADJ
+suspension	NOUN
+.	PUNCT
+
+All	DET
+horses	NOUN
+I	PRON
+'ve	AUX
+had	VERB
+delivered	VERB
+to	ADP
+me	PRON
+since	ADP
+then	ADV
+are	AUX
+happy	ADJ
+and	CCONJ
+healthy	ADJ
+when	ADV
+they	PRON
+arrive	VERB
+.	PUNCT
+
+I	PRON
+would	AUX
+call	VERB
+Bob	PROPN
+Hubbard	PROPN
+Transport	PROPN
+and	CCONJ
+get	VERB
+a	DET
+quote	NOUN
+.	PUNCT
+
+Even	ADV
+though	SCONJ
+you	PRON
+may	AUX
+not	PART
+want	VERB
+to	PART
+use	VERB
+them	PRON
+,	PUNCT
+it	PRON
+will	AUX
+give	VERB
+you	PRON
+some	DET
+idea	NOUN
+of	ADP
+what	PRON
+it	PRON
+might	AUX
+cost	VERB
+and	CCONJ
+what	PRON
+is	AUX
+fair	ADJ
+.	PUNCT
+
+See	VERB
+link	NOUN
+below	ADV
+.	PUNCT
+
+Make	VERB
+sure	ADJ
+the	DET
+trailer	NOUN
+service	NOUN
+you	PRON
+use	VERB
+is	AUX
+bonded	VERB
+/	PUNCT
+insured	VERB
+and	CCONJ
+knows	VERB
+something	PRON
+about	ADP
+first	ADJ
+aid	NOUN
+.	PUNCT
+
+Do	AUX
+they	PRON
+have	VERB
+this	PRON
+anywhere	ADV
+?	PUNCT
+
+I	PRON
+want	VERB
+to	PART
+take	VERB
+a	DET
+cruise	NOUN
+around	ADP
+the	DET
+world	NOUN
+.	PUNCT
+
+I	PRON
+mean	VERB
+literally	ADV
+around	ADP
+the	DET
+world	NOUN
+if	SCONJ
+possible	ADJ
+.	PUNCT
+
+First	ADV
+of	ADV
+if	SCONJ
+i	PRON
+went	VERB
+alone	ADV
+on	ADP
+a	DET
+regular	ADJ
+cabin	NOUN
+how	ADV
+much	ADJ
+would	AUX
+you	PRON
+estimate	VERB
+it	PRON
+would	AUX
+be	AUX
+just	ADV
+a	DET
+guess	NOUN
+.	PUNCT
+
+Second	ADV
+is	VERB
+there	PRON
+any	DET
+way	NOUN
+to	PART
+sort	ADV
+of	ADV
+customize	VERB
+the	DET
+places	NOUN
+you	PRON
+wan	VERB
+na	PART
+go	VERB
+to	ADP
+?	PUNCT
+
+Like	INTJ
+you	PRON
+can	AUX
+pick	VERB
+the	DET
+destinations	NOUN
+?	PUNCT
+
+But	CCONJ
+if	SCONJ
+not	PART
+just	ADV
+say	VERB
+no	INTJ
+but	CCONJ
+i	PRON
+hope	VERB
+there	PRON
+is	VERB
+like	INTJ
+one	NUM
+out	ADP
+there	ADV
+somewhere	ADV
+.	PUNCT
+
+1	X
+.	PUNCT
+Here	ADV
+'s	AUX
+a	DET
+site	NOUN
+that	PRON
+lists	VERB
+world	NOUN
+cruises	NOUN
+including	VERB
+prices	NOUN
+.	PUNCT
+
+http://www.cruisecompete.com/specials/regions/world/1	X
+
+Prices	NOUN
+listed	VERB
+,	PUNCT
+however	ADV
+,	PUNCT
+are	AUX
+usually	ADV
+based	VERB
+on	ADP
+two	NUM
+people	NOUN
+in	ADP
+a	DET
+cabin	NOUN
+,	PUNCT
+and	CCONJ
+you	PRON
+will	AUX
+likely	ADV
+face	VERB
+some	DET
+high	ADJ
+"	PUNCT
+single	ADJ
+supplement	NOUN
+"	PUNCT
+costs	NOUN
+in	ADP
+addition	NOUN
+.	PUNCT
+
+(	PUNCT
+Two	NUM
+people	NOUN
+in	ADP
+a	DET
+cabin	NOUN
+will	AUX
+spend	VERB
+more	ADJ
+onboard	ADV
+,	PUNCT
+so	ADV
+cruise	NOUN
+lines	NOUN
+charge	VERB
+you	PRON
+more	ADJ
+to	PART
+sail	VERB
+alone	ADV
+.	PUNCT
+
+You	PRON
+may	AUX
+be	AUX
+able	ADJ
+to	PART
+do	VERB
+better	ADV
+on	ADP
+the	DET
+rates	NOUN
+if	SCONJ
+you	PRON
+request	VERB
+competitive	ADJ
+quotes	NOUN
+via	ADP
+CruiseCompete	PROPN
+)	PUNCT
+.	PUNCT
+
+2	X
+.	PUNCT
+Short	ADJ
+of	SCONJ
+chartering	VERB
+your	PRON
+own	ADJ
+ship	NOUN
+and	CCONJ
+crew	NOUN
+,	PUNCT
+I	PRON
+do	AUX
+n't	PART
+see	VERB
+any	DET
+way	NOUN
+you	PRON
+could	AUX
+customize	VERB
+your	PRON
+own	ADJ
+itinerary	NOUN
+.	PUNCT
+
+Good	ADJ
+luck	NOUN
+!	PUNCT
+
+Various	ADJ
+world	NOUN
+cruises	NOUN
+from	ADP
+most	ADJ
+of	ADP
+the	DET
+major	ADJ
+cruise	NOUN
+lines	NOUN
+,	PUNCT
+typically	ADV
+100	NUM
+days	NOUN
+in	ADP
+duration	NOUN
+.	PUNCT
+
+Travelling	VERB
+on	ADP
+your	PRON
+own	ADJ
+you	PRON
+would	AUX
+have	VERB
+to	PART
+pay	VERB
+double	ADJ
+as	SCONJ
+cabins	NOUN
+are	AUX
+sold	VERB
+on	ADP
+the	DET
+basis	NOUN
+of	ADP
+double	ADJ
+occupancy	NOUN
+.	PUNCT
+
+No	DET
+possibility	NOUN
+to	PART
+customise	VERB
+ports	NOUN
+of	ADP
+call	NOUN
+.	PUNCT
+
+Prearranged	VERB
+about	ADV
+18	NUM
+months	NOUN
+in	ADP
+advance	NOUN
+as	SCONJ
+the	DET
+cruise	NOUN
+lines	NOUN
+sell	VERB
+segments	NOUN
+all	ADV
+along	ADP
+the	DET
+way	NOUN
+i.e	X
+Transatlantic	ADV
+to	ADP
+London	PROPN
+(	PUNCT
+England	PROPN
+)	PUNCT
+,	PUNCT
+England	PROPN
+to	ADP
+Barcelona	PROPN
+(	PUNCT
+Spain	PROPN
+)	PUNCT
+,	PUNCT
+Barcelona	PROPN
+to	ADP
+Alexandria	PROPN
+(	PUNCT
+Egypt	PROPN
+)	PUNCT
+,	PUNCT
+Egypt	PROPN
+to	ADP
+India	PROPN
+via	ADP
+Suez	PROPN
+canal	NOUN
+etc	X
+.	PUNCT
+
+yes	INTJ
+there	PRON
+are	VERB
+multiple	ADJ
+around	ADP
+the	DET
+world	NOUN
+cruises	NOUN
+,	PUNCT
+mainly	ADV
+offered	VERB
+by	ADP
+the	DET
+more	ADV
+upscale	ADJ
+lines	NOUN
+.	PUNCT
+
+HOWEVER	ADV
+:	PUNCT
+you	PRON
+will	AUX
+pay	VERB
+as	SCONJ
+if	SCONJ
+there	PRON
+are	VERB
+2	NUM
+people	NOUN
+in	ADP
+the	DET
+cabin	NOUN
+,	PUNCT
+even	ADV
+if	SCONJ
+it	PRON
+is	AUX
+just	ADV
+you	PRON
+.	PUNCT
+
+so	ADV
+any	DET
+price	NOUN
+you	PRON
+find	VERB
+,	PUNCT
+DOUBLE	VERB
+IT	PRON
+figure	VERB
+,	PUNCT
+$	SYM
+40	NUM
+K	NUM
+at	ADV
+least	ADV
+.	PUNCT
+
+and	CCONJ
+no	INTJ
+you	PRON
+can	AUX
+not	PART
+customize	VERB
+an	DET
+itinerary	ADJ
+unless	SCONJ
+you	PRON
+book	VERB
+several	ADJ
+different	ADJ
+legs	NOUN
+of	ADP
+a	DET
+cruise	NOUN
+with	ADP
+stops	NOUN
+in	ADV
+between	ADV
+on	ADP
+shore	NOUN
+..	PUNCT
+say	INTJ
+book	VERB
+a	DET
+Panamal	PROPN
+Canal	PROPN
+crossing	NOUN
+,	PUNCT
+then	ADV
+fly	VERB
+to	ADP
+Asia	PROPN
+and	CCONJ
+pick	VERB
+it	PRON
+up	ADP
+again	ADV
+and	CCONJ
+sail	VERB
+to	ADP
+India	PROPN
+then	ADV
+fly	VERB
+to	ADP
+Europe	PROPN
+to	PART
+sail	VERB
+the	DET
+Med	PROPN
+before	SCONJ
+flying	VERB
+to	ADP
+England	PROPN
+to	PART
+hit	VERB
+the	DET
+Transatlantic	ADJ
+corssing	NOUN
+.	PUNCT
+
+Was	AUX
+the	DET
+San	PROPN
+Francisco	PROPN
+Bay	PROPN
+Area	PROPN
+mostly	ADV
+Caucasian	ADJ
+back	ADV
+in	ADP
+the	DET
+early	ADJ
+1970s	NOUN
+?	PUNCT
+
+No	INTJ
+.	PUNCT
+
+There	PRON
+has	AUX
+been	VERB
+a	DET
+large	ADJ
+Asian	ADJ
+presence	NOUN
+in	ADP
+the	DET
+SF	PROPN
+Bay	PROPN
+Area	PROPN
+for	ADP
+a	DET
+long	ADJ
+time	NOUN
+--	PUNCT
+the	DET
+Chinatown	PROPN
+here	ADV
+was	AUX
+the	DET
+largest	ADJ
+population	NOUN
+of	ADP
+chinese	PROPN
+outside	ADV
+of	ADP
+China	PROPN
+,	PUNCT
+there	PRON
+were	VERB
+lots	NOUN
+of	ADP
+Japanese	ADJ
+who	PRON
+'d	AUX
+been	AUX
+displaced	VERB
+during	ADP
+WWII	PROPN
+.	PUNCT
+
+The	DET
+whole	ADJ
+Western	PROPN
+Addition	PROPN
+and	CCONJ
+a	DET
+large	ADJ
+portion	NOUN
+of	ADP
+the	DET
+Haight	PROPN
+was	AUX
+black	ADJ
+.	PUNCT
+
+The	DET
+Mission	PROPN
+was	AUX
+basically	ADV
+latin	ADJ
+-	PUNCT
+american	ADJ
+.	PUNCT
+
+As	SCONJ
+the	DET
+southeast	PROPN
+asians	PROPN
+and	CCONJ
+philipinos	PROPN
+came	VERB
+over	ADV
+,	PUNCT
+they	PRON
+added	VERB
+to	ADP
+the	DET
+cultures	NOUN
+.	PUNCT
+
+So	ADV
+,	PUNCT
+the	DET
+Bay	PROPN
+Area	PROPN
+has	AUX
+been	AUX
+fairly	ADV
+mixed	ADJ
+ethnically	ADV
+for	ADP
+a	DET
+long	ADJ
+time	NOUN
+--	PUNCT
+caucasians	NOUN
+may	AUX
+have	AUX
+seemed	VERB
+to	PART
+be	AUX
+a	DET
+large	ADJ
+populous	NOUN
+but	CCONJ
+that	PRON
+'s	VERB
+because	SCONJ
+most	ADJ
+tourists	NOUN
+back	ADV
+then	ADV
+were	AUX
+caucasian	ADJ
+and	CCONJ
+many	ADJ
+of	ADP
+the	DET
+hippies	NOUN
+were	AUX
+caucasians	PROPN
+so	ADV
+that	PRON
+'s	VERB
+who	PRON
+the	DET
+photographers	NOUN
+took	VERB
+pictures	NOUN
+of	ADP
+.	PUNCT
+
+The	DET
+other	ADJ
+ethicities	NOUN
+were	AUX
+n't	PART
+well	ADV
+represented	VERB
+in	ADP
+politics	NOUN
+yet	ADV
+--	PUNCT
+or	CCONJ
+rather	ADV
+,	PUNCT
+they	PRON
+were	AUX
+just	ADV
+breaking	VERB
+the	DET
+color	NOUN
+barrier	NOUN
+in	ADP
+the	DET
+70's	NOUN
+due	ADP
+largely	ADV
+to	ADP
+the	DET
+more	ADV
+open	ADJ
+-	PUNCT
+minded	ADJ
+hippy	NOUN
+generation	NOUN
+.	PUNCT
+
+Marin	PROPN
+County	PROPN
+was	AUX
+predominantly	ADV
+caucasian	ADJ
+and	CCONJ
+many	ADJ
+of	ADP
+the	DET
+expanding	VERB
+outer	ADJ
+east	PROPN
+bay	PROPN
+areas	NOUN
+started	VERB
+out	ADP
+as	ADP
+white	ADJ
+suburbs	NOUN
+.	PUNCT
+
+It	PRON
+was	VERB
+not	PART
+so	ADV
+long	ADV
+after	SCONJ
+Civil	ADJ
+Rights	NOUN
+laws	NOUN
+against	ADP
+discrimination	NOUN
+started	VERB
+to	PART
+have	VERB
+an	DET
+impact	NOUN
+.	PUNCT
+
+You	PRON
+never	ADV
+saw	VERB
+black	ADJ
+MUNI	PROPN
+drivers	NOUN
+,	PUNCT
+Asian	ADJ
+police	NOUN
+,	PUNCT
+Latino	ADJ
+politicians	NOUN
+until	ADP
+then	ADV
+.	PUNCT
+
+It	PRON
+was	AUX
+an	DET
+evolution	NOUN
+.	PUNCT
+
+Many	ADJ
+illegals	NOUN
+were	AUX
+not	PART
+counted	VERB
+in	ADP
+the	DET
+population	NOUN
+until	ADP
+the	DET
+mid-80s	NOUN
+.	PUNCT
+
+We	PRON
+did	AUX
+not	PART
+have	VERB
+big	ADJ
+percent	NOUN
+of	ADP
+Chinese	ADJ
+migration	NOUN
+until	ADP
+the	DET
+mid	ADJ
+90s	NOUN
+.	PUNCT
+
+We	PRON
+had	VERB
+fewer	ADJ
+people	NOUN
+running	VERB
+across	ADP
+the	DET
+Mexican	ADJ
+border	NOUN
+then	ADV
+.	PUNCT
+
+We	PRON
+had	VERB
+fewer	ADJ
+social	ADJ
+benefits	NOUN
+at	ADP
+that	DET
+time	NOUN
+for	ADP
+people	NOUN
+so	ADV
+many	ADJ
+immigrants	NOUN
+were	AUX
+not	PART
+counted	VERB
+.	PUNCT
+
+Only	ADV
+Caucasians	PROPN
+had	VERB
+any	DET
+political	ADJ
+power	NOUN
+,	PUNCT
+corporate	ADJ
+presence	NOUN
+or	CCONJ
+owned	VERB
+businesses	NOUN
+except	ADP
+for	ADP
+Mom	NOUN
+and	CCONJ
+Pop	NOUN
+stores	NOUN
+in	ADP
+some	DET
+neighborhoods	NOUN
+.	PUNCT
+
+San	PROPN
+Francisco	PROPN
+was	AUX
+settled	VERB
+in	ADP
+the	DET
+19th	ADJ
+and	CCONJ
+20th	ADJ
+century	NOUN
+by	ADP
+mainly	ADV
+European	ADJ
+immigrants	NOUN
+except	ADP
+for	ADP
+some	DET
+Asian	ADJ
+workers	NOUN
+who	PRON
+were	AUX
+manual	ADJ
+laborers	NOUN
+.	PUNCT
+
+There	PRON
+has	AUX
+always	ADV
+been	VERB
+a	DET
+Mexican	ADJ
+-	PUNCT
+American	ADJ
+cultural	ADJ
+influence	NOUN
+since	SCONJ
+Calif	PROPN
+was	AUX
+owned	VERB
+by	ADP
+Mexico	PROPN
+.	PUNCT
+
+We	PRON
+had	VERB
+a	DET
+larger	ADJ
+black	ADJ
+population	NOUN
+in	ADP
+the	DET
+70s	NOUN
+than	SCONJ
+we	PRON
+have	VERB
+now	ADV
+but	CCONJ
+they	PRON
+did	AUX
+not	PART
+have	VERB
+any	DET
+power	NOUN
+until	SCONJ
+Willie	PROPN
+Brown	PROPN
+was	AUX
+elected	VERB
+.	PUNCT
+
+San	PROPN
+Francisco	PROPN
+was	AUX
+always	ADV
+progressive	ADJ
+and	CCONJ
+welcoming	ADJ
+and	CCONJ
+tolerant	ADJ
+to	ADP
+all	DET
+kinds	NOUN
+of	ADP
+people	NOUN
+historically	ADV
+.	PUNCT
+
+The	DET
+counties	NOUN
+outside	ADP
+San	PROPN
+Francisco	PROPN
+were	AUX
+more	ADV
+white	ADJ
+than	ADP
+San	PROPN
+Francisco	PROPN
+in	ADP
+the	DET
+70s	NOUN
+.	PUNCT
+
+EDIT	NOUN
+:	PUNCT
+My	PRON
+memory	NOUN
+may	AUX
+not	PART
+be	AUX
+good	ADJ
+so	ADV
+you	PRON
+might	AUX
+get	VERB
+a	DET
+more	ADV
+accurate	ADJ
+answer	NOUN
+from	ADP
+someone	PRON
+else	ADJ
+who	PRON
+remembers	VERB
+the	DET
+time	NOUN
+.	PUNCT
+
+Can	AUX
+rabbits	NOUN
+and	CCONJ
+chickens	NOUN
+live	VERB
+together	ADV
+?	PUNCT
+
+I	PRON
+am	AUX
+thinking	VERB
+about	SCONJ
+getting	VERB
+a	DET
+rabbit	NOUN
+as	ADP
+a	DET
+pet	NOUN
+,	PUNCT
+but	CCONJ
+my	PRON
+parents	NOUN
+said	VERB
+that	SCONJ
+it	PRON
+has	VERB
+to	PART
+stay	VERB
+outside	ADV
+.	PUNCT
+
+We	PRON
+also	ADV
+own	VERB
+two	NUM
+chickens	NOUN
+that	PRON
+are	AUX
+kept	VERB
+in	ADP
+a	DET
+run	NOUN
+behind	ADP
+out	PRON
+garage	NOUN
+/	PUNCT
+barn	NOUN
+thing	NOUN
+.	PUNCT
+
+There	PRON
+is	VERB
+already	ADV
+a	DET
+little	ADJ
+dog	NOUN
+house	NOUN
+that	PRON
+I	PRON
+would	AUX
+turn	VERB
+into	ADP
+a	DET
+little	ADJ
+rabbit	NOUN
+hutch	NOUN
+being	AUX
+kept	VERB
+back	ADV
+there	ADV
+and	CCONJ
+I	PRON
+was	AUX
+thinking	VERB
+about	SCONJ
+keeping	VERB
+the	DET
+rabbit	NOUN
+in	ADP
+the	DET
+run	NOUN
+with	ADP
+the	DET
+chickens	NOUN
+,	PUNCT
+but	CCONJ
+keeping	VERB
+the	DET
+chickens	NOUN
+in	ADP
+the	DET
+coop	NOUN
+and	CCONJ
+the	DET
+rabbit	NOUN
+in	ADP
+the	DET
+hutch	NOUN
+at	ADP
+night	NOUN
+.	PUNCT
+
+However	ADV
+,	PUNCT
+in	ADP
+the	DET
+day	NOUN
+time	NOUN
+would	AUX
+it	PRON
+be	AUX
+okay	ADJ
+for	SCONJ
+the	DET
+rabbit	NOUN
+to	PART
+hop	VERB
+around	ADV
+along	ADP
+with	ADP
+the	DET
+chickens	NOUN
+?	PUNCT
+
+We	PRON
+feed	VERB
+the	DET
+chickens	NOUN
+scraps	NOUN
+of	ADP
+veggies	NOUN
+and	CCONJ
+fruits	NOUN
+throughout	ADP
+the	DET
+day	NOUN
+,	PUNCT
+but	CCONJ
+it	PRON
+'s	AUX
+nothing	PRON
+that	PRON
+a	DET
+rabbit	NOUN
+would	AUX
+n't	PART
+be	AUX
+able	ADJ
+to	PART
+digest	VERB
+just	ADV
+fine	ADV
+.	PUNCT
+
+So	ADV
+,	PUNCT
+can	AUX
+rabbits	NOUN
+and	CCONJ
+chickens	NOUN
+live	VERB
+together	ADV
+as	ADV
+long	ADV
+as	SCONJ
+they	PRON
+have	VERB
+separate	ADJ
+places	NOUN
+for	ADP
+their	PRON
+food	NOUN
+and	CCONJ
+water	NOUN
+?	PUNCT
+
+(	PUNCT
+The	DET
+rabbit	NOUN
+hutch	NOUN
+would	AUX
+have	VERB
+an	DET
+opening	NOUN
+only	ADV
+big	ADJ
+enough	ADJ
+for	ADP
+the	DET
+rabbit	NOUN
+,	PUNCT
+the	DET
+chickens	NOUN
+would	AUX
+not	PART
+be	AUX
+able	ADJ
+to	PART
+get	VERB
+to	ADP
+the	DET
+rabbit	NOUN
+food	NOUN
+)	PUNCT
+Also	ADV
+,	PUNCT
+is	AUX
+it	PRON
+okay	ADJ
+if	SCONJ
+the	DET
+rabbit	NOUN
+occasionally	ADV
+sneaks	VERB
+a	DET
+few	ADJ
+bites	NOUN
+of	ADP
+chicken	NOUN
+feed	NOUN
+?	PUNCT
+
+My	PRON
+last	ADJ
+rabbit	NOUN
+did	VERB
+that	PRON
+a	DET
+few	ADJ
+times	NOUN
+,	PUNCT
+and	CCONJ
+he	PRON
+was	AUX
+fine	ADJ
+...	PUNCT
+
+I	PRON
+just	ADV
+wan	VERB
+na	PART
+make	VERB
+sure	ADJ
+:)	PUNCT
+Thank	NOUN
+!	PUNCT
+
+Yes	INTJ
+,	PUNCT
+but	CCONJ
+be	AUX
+sure	ADJ
+that	SCONJ
+your	PRON
+chickens	NOUN
+are	AUX
+all	ADV
+hens	NOUN
+(	PUNCT
+I	PRON
+mean	VERB
+not	ADV
+roosters	NOUN
+)	PUNCT
+,	PUNCT
+Roosters	NOUN
+may	AUX
+attack	VERB
+rabbits	NOUN
+or	CCONJ
+anything	PRON
+they	PRON
+see	VERB
+moving	VERB
+,	PUNCT
+so	ADV
+be	AUX
+aware	ADJ
+of	ADP
+that	PRON
+,	PUNCT
+hens	NOUN
+are	AUX
+friendly	ADJ
+with	ADP
+almost	ADV
+all	DET
+kinds	NOUN
+of	ADP
+pets	NOUN
+!	PUNCT
+
+From	ADP
+my	PRON
+experience	NOUN
+Hens	NOUN
+(	PUNCT
+Not	CCONJ
+roosters	NOUN
+)	PUNCT
+are	AUX
+very	ADV
+friendly	ADJ
+with	ADP
+duck	NOUN
+,	PUNCT
+Guinea	NOUN
+pigs	NOUN
+,	PUNCT
+kittens	NOUN
+,	PUNCT
+cows	NOUN
+,	PUNCT
+Rabbits	NOUN
+,	PUNCT
+etc	X
+.	PUNCT
+
+Be	AUX
+sure	ADJ
+not	ADV
+to	PART
+feed	VERB
+your	PRON
+rabbits	NOUN
+non-veg	ADJ
+items	NOUN
+!	PUNCT
+
+You	PRON
+said	VERB
+they	PRON
+live	VERB
+in	ADP
+different	ADJ
+cages	NOUN
+and	CCONJ
+they	PRON
+are	AUX
+free	ADJ
+in	ADP
+day	NOUN
+,	PUNCT
+so	ADV
+no	DET
+problem	NOUN
+,	PUNCT
+do	AUX
+n't	PART
+put	VERB
+both	DET
+of	ADP
+them	PRON
+in	ADP
+one	NUM
+cage	NOUN
+because	SCONJ
+rabbits	NOUN
+bedding	NOUN
+is	AUX
+different	ADJ
+than	ADP
+that	PRON
+of	ADP
+hens	NOUN
+,	PUNCT
+wet	ADJ
+bedding	NOUN
+can	AUX
+cause	VERB
+diseases	NOUN
+in	ADP
+them	PRON
+!	PUNCT
+
+So	ADV
+,	PUNCT
+do	AUX
+n't	PART
+put	VERB
+both	DET
+of	ADP
+them	PRON
+in	ADP
+one	NUM
+cage	NOUN
+.	PUNCT
+
+Good	ADJ
+luck	NOUN
+!	PUNCT
+
+yea	INTJ
+i	PRON
+guess	VERB
+but	CCONJ
+rabbits	NOUN
+a	AUX
+easily	ADV
+escape	VERB
+a	DET
+pen	NOUN
+or	CCONJ
+another	DET
+rabbit	NOUN
+could	AUX
+get	VERB
+in	ADP
+there	ADV
+and	CCONJ
+that	DET
+rabbit	NOUN
+could	AUX
+be	AUX
+the	DET
+opposite	ADJ
+gender	NOUN
+.	PUNCT
+
+So	ADV
+be	AUX
+very	ADV
+careful	ADJ
+and	CCONJ
+some	DET
+feeds	NOUN
+could	AUX
+be	AUX
+toxic	ADJ
+to	ADP
+rabbits	NOUN
+and	CCONJ
+safe	ADJ
+for	ADP
+chickens	NOUN
+.	PUNCT
+
+Rabbits	NOUN
+do	AUX
+burrow	VERB
+also	ADV
+so	ADV
+do	AUX
+n't	PART
+be	AUX
+surprised	ADJ
+if	SCONJ
+chicken	NOUN
+are	AUX
+falling	VERB
+into	ADP
+holes	NOUN
+.	PUNCT
+
+rabbits	NOUN
+are	AUX
+delicate	ADJ
+and	CCONJ
+can	AUX
+get	VERB
+diseases	NOUN
+so	ADV
+watch	VERB
+out	ADP
+for	ADP
+that	PRON
+.	PUNCT
+
+melting	VERB
+brass	NOUN
+did	AUX
+not	PART
+work	VERB
+?	PUNCT
+
+my	PRON
+friends	NOUN
+and	CCONJ
+I	PRON
+are	AUX
+trying	VERB
+to	PART
+melt	VERB
+bras	NOUN
+to	PART
+make	VERB
+some	DET
+little	ADJ
+figures	NOUN
+.	PUNCT
+
+we	PRON
+have	AUX
+made	VERB
+a	DET
+furnace	NOUN
+as	ADP
+such	ADJ
+,	PUNCT
+we	PRON
+took	VERB
+a	DET
+clay	NOUN
+flower	NOUN
+pot	NOUN
+with	ADP
+a	DET
+hole	NOUN
+in	ADP
+the	DET
+bottom	NOUN
+put	VERB
+a	DET
+piece	NOUN
+of	ADP
+steel	NOUN
+pipe	NOUN
+in	ADP
+the	DET
+middle	NOUN
+of	ADP
+it	PRON
+with	ADP
+a	DET
+cap	NOUN
+on	ADP
+the	DET
+bottom	NOUN
+,	PUNCT
+filled	VERB
+the	DET
+pipe	NOUN
+with	ADP
+brass	NOUN
+scrap	NOUN
+,	PUNCT
+surounded	VERB
+the	DET
+pipe	NOUN
+with	ADP
+charcoal	NOUN
+lit	VERB
+it	PRON
+off	ADP
+and	CCONJ
+pumped	VERB
+air	NOUN
+through	ADP
+the	DET
+hole	NOUN
+in	ADP
+the	DET
+pot	NOUN
+,	PUNCT
+everything	PRON
+got	VERB
+red	ADV
+hot	ADJ
+but	CCONJ
+did	AUX
+not	PART
+melt	VERB
+.	PUNCT
+
+what	PRON
+am	AUX
+I	PRON
+doing	VERB
+wrong	ADV
+
+I	PRON
+would	AUX
+recommend	VERB
+to	PART
+start	VERB
+with	ADP
+something	PRON
+more	ADV
+simple	ADJ
+like	ADP
+tin	NOUN
+,	PUNCT
+pewter	NOUN
+,	PUNCT
+aluminum	NOUN
+or	CCONJ
+zinc	NOUN
+,	PUNCT
+they	PRON
+all	DET
+have	VERB
+a	DET
+much	ADV
+more	ADV
+reasonable	ADJ
+melting	NOUN
+point	NOUN
+.	PUNCT
+
+I	PRON
+'ll	AUX
+just	ADV
+echo	VERB
+both	DET
+other	ADJ
+answers	NOUN
+.	PUNCT
+
+Molten	ADJ
+brass	NOUN
+is	AUX
+damn	ADV
+hot	ADJ
+and	CCONJ
+usually	ADV
+it	PRON
+'s	AUX
+pressurized	VERB
+gas	NOUN
+and	CCONJ
+forced	VERB
+air	NOUN
+or	CCONJ
+oxygen	NOUN
+.	PUNCT
+
+Even	ADV
+if	SCONJ
+you	PRON
+did	AUX
+melt	VERB
+it	PRON
+,	PUNCT
+I	PRON
+doubt	VERB
+you	PRON
+foresaw	VERB
+the	DET
+issues	NOUN
+of	SCONJ
+handling	VERB
+it	PRON
+and	CCONJ
+pouring	VERB
+it	PRON
+.	PUNCT
+
+It	PRON
+'s	AUX
+really	ADV
+too	ADV
+advanced	ADJ
+for	ADP
+a	DET
+beginner	NOUN
+,	PUNCT
+both	CCONJ
+in	ADP
+tooling	NOUN
+and	CCONJ
+safety	NOUN
+.	PUNCT
+
+Just	ADV
+the	DET
+zinc	NOUN
+fumes	NOUN
+will	AUX
+get	VERB
+you	PRON
+,	PUNCT
+if	SCONJ
+you	PRON
+do	AUX
+n't	PART
+take	VERB
+precautions	NOUN
+.	PUNCT
+
+Pewter	NOUN
+is	AUX
+perfect	ADJ
+for	SCONJ
+what	PRON
+you	PRON
+are	AUX
+doing	VERB
+,	PUNCT
+and	CCONJ
+it	PRON
+melts	VERB
+on	ADP
+a	DET
+stove	NOUN
+top	NOUN
+.	PUNCT
+
+I	PRON
+would	AUX
+recommend	VERB
+to	PART
+start	VERB
+with	ADP
+something	PRON
+more	ADV
+simple	ADJ
+like	ADP
+tin	NOUN
+,	PUNCT
+pewter	NOUN
+,	PUNCT
+aluminum	NOUN
+or	CCONJ
+zinc	NOUN
+,	PUNCT
+they	PRON
+all	DET
+have	VERB
+a	DET
+much	ADV
+more	ADV
+reasonable	ADJ
+melting	NOUN
+point	NOUN
+.	PUNCT
+
+Brass	NOUN
+has	VERB
+an	DET
+even	ADV
+higher	ADJ
+melting	NOUN
+point	NOUN
+than	ADP
+bronze	NOUN
+and	CCONJ
+I	PRON
+would	AUX
+think	VERB
+your	PRON
+charcoal	NOUN
+just	ADV
+does	AUX
+n't	PART
+get	VERB
+hot	ADJ
+enough	ADJ
+.	PUNCT
+
+I	PRON
+bet	VERB
+you	PRON
+also	ADV
+did	AUX
+take	VERB
+charcoal	NOUN
+as	SCONJ
+it	PRON
+is	AUX
+used	VERB
+for	ADP
+barbecue	NOUN
+which	PRON
+does	AUX
+not	PART
+get	VERB
+as	ADV
+hot	ADJ
+as	ADP
+real	ADJ
+coal	NOUN
+(	PUNCT
+e.g.	ADV
+for	ADP
+blacksmithing	NOUN
+one	PRON
+needs	VERB
+coal	NOUN
+,	PUNCT
+not	ADV
+barbecue	NOUN
+charcoal	NOUN
+)	PUNCT
+.	PUNCT
+
+I	PRON
+have	AUX
+done	VERB
+a	DET
+fair	ADJ
+amount	NOUN
+of	ADP
+metal	NOUN
+casting	NOUN
+,	PUNCT
+but	CCONJ
+never	ADV
+tried	VERB
+to	PART
+build	VERB
+my	PRON
+own	ADJ
+furnace	NOUN
+,	PUNCT
+but	CCONJ
+I	PRON
+think	VERB
+your	PRON
+version	NOUN
+is	AUX
+just	ADV
+too	ADV
+small	ADJ
+and	CCONJ
+does	AUX
+n't	PART
+get	VERB
+hot	ADJ
+enough	ADJ
+.	PUNCT
+
+I	PRON
+have	AUX
+melted	VERB
+small	ADJ
+amounts	NOUN
+of	ADP
+bronze	NOUN
+in	ADP
+a	DET
+crucible	NOUN
+with	ADP
+a	DET
+large	ADJ
+propane	NOUN
+torch	NOUN
+(	PUNCT
+much	ADV
+larger	ADJ
+than	ADP
+the	DET
+plumbers	NOUN
+torch	NOUN
+,	PUNCT
+but	CCONJ
+it	PRON
+can	AUX
+be	AUX
+run	VERB
+of	ADP
+those	DET
+propane	NOUN
+cylinders	NOUN
+you	PRON
+can	AUX
+buy	VERB
+for	ADP
+a	DET
+gas	NOUN
+grill	NOUN
+)	PUNCT
+.	PUNCT
+
+I	PRON
+melt	VERB
+brass	NOUN
+and	CCONJ
+cast	VERB
+it	PRON
+http://www.mikegigi.com/castgobl.htm	X
+
+Brass	NOUN
+melts	VERB
+at	ADP
+just	ADV
+under	ADP
+2000	NUM
+F	PROPN
+which	PRON
+is	AUX
+a	DET
+bright	ADJ
+yellow	ADJ
+heat	NOUN
+,	PUNCT
+not	ADV
+red	ADV
+hot	ADJ
+.	PUNCT
+
+http://www.mikegigi.com/techspec.htm#SELCTEMP	X
+
+You	PRON
+might	AUX
+be	AUX
+able	ADJ
+to	PART
+make	VERB
+a	DET
+version	NOUN
+of	ADP
+your	PRON
+setup	NOUN
+work	VERB
+,	PUNCT
+but	CCONJ
+it	PRON
+would	AUX
+take	VERB
+quite	DET
+a	DET
+bit	NOUN
+of	ADP
+charcoal	NOUN
+and	CCONJ
+a	DET
+lot	NOUN
+of	ADP
+forced	VERB
+air	NOUN
+.	PUNCT
+
+I	PRON
+use	VERB
+propane	NOUN
+with	ADP
+a	DET
+blower	NOUN
+and	CCONJ
+a	DET
+burner	NOUN
+I	PRON
+built	VERB
+http://www.mikegigi.com/meltmetl.htm	X
+and	CCONJ
+http://www.mikegigi.com/firehole.htm	X
+
+Should	AUX
+all	DET
+UK	PROPN
+towns	NOUN
+and	CCONJ
+their	PRON
+cafes	NOUN
+or	CCONJ
+restaurants	NOUN
+provide	VERB
+Halal	ADJ
+food	NOUN
+?	PUNCT
+
+Some	DET
+friends	NOUN
+of	ADP
+mine	PRON
+visited	VERB
+Dartmouth	PROPN
+in	ADP
+Devon	PROPN
+whilst	SCONJ
+on	ADP
+holiday	NOUN
+last	ADJ
+summer	NOUN
+.	PUNCT
+
+They	PRON
+could	AUX
+not	PART
+find	VERB
+any	DET
+cafes	NOUN
+or	CCONJ
+food	NOUN
+shops	NOUN
+that	PRON
+provided	VERB
+Halal	ADJ
+prepared	VERB
+foods	NOUN
+.	PUNCT
+
+It	PRON
+s	AUX
+important	ADJ
+to	ADP
+their	PRON
+religion	NOUN
+that	SCONJ
+they	PRON
+only	ADV
+consume	VERB
+Halal	ADJ
+food	NOUN
+.	PUNCT
+
+Even	ADV
+if	SCONJ
+you	PRON
+buy	VERB
+a	DET
+cake	NOUN
+in	ADP
+a	DET
+baker	NOUN
+s	PART
+you	PRON
+can	AUX
+not	PART
+be	AUX
+too	ADV
+what	PRON
+happens	VERB
+in	ADP
+the	DET
+kitchen	NOUN
+,	PUNCT
+for	ADP
+example	NOUN
+the	DET
+cake	NOUN
+may	AUX
+have	AUX
+been	AUX
+sliced	VERB
+using	VERB
+a	DET
+knife	NOUN
+used	VERB
+for	SCONJ
+preparing	VERB
+ham	NOUN
+.	PUNCT
+
+It	PRON
+s	AUX
+simply	ADV
+not	PART
+just	ADV
+a	DET
+case	NOUN
+of	SCONJ
+avoiding	VERB
+pork	NOUN
+,	PUNCT
+alcohol	NOUN
+and	CCONJ
+only	ADV
+being	AUX
+allowed	VERB
+to	PART
+eat	VERB
+halal	ADJ
+prepared	VERB
+meat	NOUN
+,	PUNCT
+but	CCONJ
+the	DET
+kitchen	NOUN
+and	CCONJ
+its	PRON
+utensils	NOUN
+should	AUX
+not	PART
+have	AUX
+been	AUX
+used	VERB
+for	ADP
+prohibited	VERB
+foods	NOUN
+.	PUNCT
+
+Places	NOUN
+like	ADP
+Dartmouth	PROPN
+are	AUX
+supposed	VERB
+to	PART
+be	AUX
+tourist	NOUN
+towns	NOUN
+and	CCONJ
+should	AUX
+provide	VERB
+foods	NOUN
+for	ADP
+people	NOUN
+of	ADP
+all	DET
+religions	NOUN
+.	PUNCT
+
+We	PRON
+all	DET
+enjoy	VERB
+buying	VERB
+a	DET
+snack	NOUN
+when	ADV
+visiting	VERB
+a	DET
+town	NOUN
+or	CCONJ
+attraction	NOUN
+while	SCONJ
+on	ADP
+holiday	NOUN
+.	PUNCT
+
+Not	ADV
+everyone	PRON
+wants	VERB
+to	PART
+bring	VERB
+packed	VERB
+lunch	NOUN
+.	PUNCT
+
+It	PRON
+s	AUX
+not	PART
+fair	ADJ
+if	SCONJ
+some	DET
+people	NOUN
+have	VERB
+to	PART
+go	VERB
+without	SCONJ
+buying	VERB
+food	NOUN
+because	SCONJ
+no	DET
+place	NOUN
+will	AUX
+provide	VERB
+suitable	ADJ
+food	NOUN
+for	ADP
+them	PRON
+.	PUNCT
+
+I	PRON
+think	VERB
+it	PRON
+s	AUX
+only	ADV
+fair	ADJ
+that	SCONJ
+nowadays	ADV
+every	DET
+town	NOUN
+should	AUX
+provide	VERB
+at	ADV
+least	ADV
+one	NUM
+halal	ADJ
+cafe	NOUN
+or	CCONJ
+restaurant	NOUN
+and	CCONJ
+hopefully	ADV
+one	NUM
+day	NOUN
+every	DET
+British	ADJ
+catering	NOUN
+establishment	NOUN
+will	AUX
+be	AUX
+halal	ADJ
+.	PUNCT
+
+When	ADV
+I	PRON
+went	VERB
+to	ADP
+Bosnia	PROPN
+,	PUNCT
+all	DET
+the	DET
+meat	NOUN
+was	AUX
+Halal	ADJ
+.	PUNCT
+
+I	PRON
+will	AUX
+not	PART
+eat	VERB
+halal	ADJ
+meat	NOUN
+,	PUNCT
+so	ADV
+guess	VERB
+what	PRON
+,	PUNCT
+I	PRON
+opted	VERB
+for	ADP
+foods	NOUN
+which	PRON
+were	AUX
+n't	PART
+a	DET
+meat	NOUN
+dish	NOUN
+,	PUNCT
+there	PRON
+were	VERB
+plenty	NOUN
+of	ADP
+other	ADJ
+options	NOUN
+.	PUNCT
+
+I	PRON
+could	AUX
+not	PART
+go	VERB
+to	ADP
+their	PRON
+country	NOUN
+and	CCONJ
+demand	VERB
+they	PRON
+slaughter	VERB
+and	CCONJ
+sell	VERB
+an	DET
+animal	NOUN
+as	ADP
+meat	NOUN
+the	DET
+way	NOUN
+I	PRON
+prefer	VERB
+to	PART
+eat	VERB
+it	PRON
+.	PUNCT
+
+When	ADV
+you	PRON
+go	VERB
+to	ADP
+another	DET
+country	NOUN
+,	PUNCT
+you	PRON
+live	VERB
+by	ADP
+their	PRON
+way	NOUN
+of	ADP
+life	NOUN
+and	CCONJ
+their	PRON
+laws	NOUN
+,	PUNCT
+if	SCONJ
+you	PRON
+do	AUX
+n't	PART
+like	VERB
+it	PRON
+,	PUNCT
+you	PRON
+know	VERB
+how	ADV
+to	PART
+get	VERB
+back	ADV
+out	ADP
+the	DET
+country	NOUN
+(	PUNCT
+but	CCONJ
+I	PRON
+guess	VERB
+our	PRON
+benefits	NOUN
+system	NOUN
+is	AUX
+too	ADV
+much	ADJ
+to	PART
+throw	VERB
+away	ADP
+,	PUNCT
+huh	INTJ
+)	PUNCT
+.	PUNCT
+
+Cafes	NOUN
+and	CCONJ
+restaurants	NOUN
+rarely	ADV
+use	VERB
+the	DET
+same	ADJ
+cutlery	NOUN
+for	ADP
+different	ADJ
+food	NOUN
+groups	NOUN
+anyway	ADV
+,	PUNCT
+they	PRON
+normally	ADV
+have	VERB
+blue	ADJ
+for	ADP
+bakery	NOUN
+items	NOUN
+,	PUNCT
+red	ADJ
+for	ADP
+cooked	VERB
+meat	NOUN
+,	PUNCT
+brown	ADJ
+for	ADP
+raw	ADJ
+meat	NOUN
+,	PUNCT
+etc	X
+-	PUNCT
+all	ADV
+for	ADP
+food	NOUN
+preparation	NOUN
+and	CCONJ
+hygiene	NOUN
+policies	NOUN
+.	PUNCT
+
+No	INTJ
+.	PUNCT
+
+To	PART
+prevent	VERB
+animal	NOUN
+cruelty	NOUN
+,	PUNCT
+many	ADJ
+countries	NOUN
+forbid	VERB
+Halal	ADJ
+and	CCONJ
+Kosher	ADJ
+meat	NOUN
+.	PUNCT
+
+Switzerland	PROPN
+is	AUX
+one	NUM
+,	PUNCT
+and	CCONJ
+the	DET
+Netherlands	PROPN
+are	AUX
+passing	VERB
+the	DET
+same	ADJ
+law	NOUN
+.	PUNCT
+
+It	PRON
+will	AUX
+become	VERB
+EU	PROPN
+law	NOUN
+in	ADP
+a	DET
+couple	NOUN
+of	ADP
+years	NOUN
+.	PUNCT
+
+We	PRON
+ca	AUX
+n't	PART
+dictate	VERB
+what	DET
+business	NOUN
+wants	VERB
+to	PART
+open	VERB
+where	ADV
+.	PUNCT
+
+If	SCONJ
+someone	PRON
+thinks	VERB
+there	PRON
+is	VERB
+a	DET
+business	NOUN
+opportunity	NOUN
+then	ADV
+they	PRON
+will	AUX
+start	VERB
+opening	VERB
+halal	ADJ
+only	ADJ
+places	NOUN
+.	PUNCT
+
+How	ADV
+to	PART
+convince	VERB
+my	PRON
+parents	NOUN
+to	PART
+let	VERB
+me	PRON
+get	VERB
+a	DET
+Ball	NOUN
+python	NOUN
+?	PUNCT
+
+They	PRON
+do	AUX
+n't	PART
+know	VERB
+ANYTHING	PRON
+about	ADP
+Ball	NOUN
+pythons	NOUN
+.	PUNCT
+
+When	ADV
+I	PRON
+ask	VERB
+my	PRON
+mom	NOUN
+she	PRON
+says	VERB
+she	PRON
+will	AUX
+never	ADV
+let	VERB
+a	DET
+snake	NOUN
+in	ADP
+her	PRON
+house	NOUN
+.	PUNCT
+
+She	PRON
+has	VERB
+no	DET
+experience	NOUN
+with	ADP
+snakes	NOUN
+and	CCONJ
+has	AUX
+never	ADV
+held	VERB
+one	NUM
+.	PUNCT
+
+I	PRON
+did	VERB
+all	DET
+my	PRON
+research	NOUN
+and	CCONJ
+am	VERB
+well	ADV
+prepared	VERB
+to	PART
+keep	VERB
+one	NUM
+,	PUNCT
+I	PRON
+'m	AUX
+14	NUM
+by	ADP
+the	DET
+way	NOUN
+
+Lay	VERB
+some	DET
+knowledge	NOUN
+on	ADP
+them	PRON
+dude	NOUN
+.	PUNCT
+
+Maybe	ADV
+if	SCONJ
+they	PRON
+see	VERB
+how	ADV
+much	ADJ
+time	NOUN
+and	CCONJ
+effort	NOUN
+you	PRON
+'ve	AUX
+devoted	VERB
+to	SCONJ
+researching	VERB
+the	DET
+animal	NOUN
+they	PRON
+'ll	AUX
+reconsider	VERB
+.	PUNCT
+
+Tell	VERB
+them	PRON
+it	PRON
+costs	VERB
+like	ADP
+8	NUM
+dollars	NOUN
+a	DET
+month	NOUN
+(	PUNCT
+if	SCONJ
+even	ADV
+that	DET
+much	ADJ
+)	PUNCT
+to	PART
+keep	VERB
+it	PRON
+fed	ADJ
+.	PUNCT
+
+Be	AUX
+helpful	ADJ
+around	ADP
+the	DET
+house	NOUN
+to	PART
+show	VERB
+that	SCONJ
+even	ADV
+if	SCONJ
+you	PRON
+ca	AUX
+n't	PART
+pay	VERB
+for	ADP
+it	PRON
+yourself	PRON
+that	SCONJ
+you	PRON
+re	AUX
+willing	ADJ
+to	PART
+work	VERB
+for	ADP
+it	PRON
+.	PUNCT
+
+Once	SCONJ
+you	PRON
+'ve	AUX
+buttered	VERB
+them	PRON
+up	ADP
+a	DET
+bit	NOUN
+try	VERB
+to	PART
+get	VERB
+them	PRON
+to	ADP
+the	DET
+pet	NOUN
+store	NOUN
+and	CCONJ
+ask	VERB
+one	NUM
+of	ADP
+the	DET
+employees	NOUN
+to	PART
+handle	VERB
+the	DET
+snake	NOUN
+showing	VERB
+your	PRON
+mom	NOUN
+how	ADV
+gentle	ADJ
+and	CCONJ
+harmless	ADJ
+they	PRON
+can	AUX
+be	AUX
+.	PUNCT
+
+Maybe	ADV
+even	ADV
+try	VERB
+to	PART
+get	VERB
+your	PRON
+mom	NOUN
+to	PART
+hold	VERB
+it	PRON
+a	DET
+bit	NOUN
+.	PUNCT
+
+My	PRON
+wife	NOUN
+was	AUX
+TERRIFIED	ADJ
+of	ADP
+snakes	NOUN
+when	ADV
+we	PRON
+first	ADV
+met	VERB
+,	PUNCT
+I	PRON
+introduced	VERB
+her	PRON
+to	ADP
+one	NUM
+out	ADP
+my	PRON
+baby	NOUN
+corn	NOUN
+snakes	NOUN
+and	CCONJ
+she	PRON
+fell	VERB
+in	ADP
+love	NOUN
+with	ADP
+it	PRON
+.	PUNCT
+
+Be	AUX
+persistent	ADJ
+,	PUNCT
+but	CCONJ
+do	AUX
+n't	PART
+pester	VERB
+them	PRON
+about	ADP
+it	PRON
+cause	SCONJ
+that	PRON
+'ll	AUX
+get	VERB
+you	PRON
+nowhere	ADV
+fast	ADV
+.	PUNCT
+
+Good	ADJ
+luck	NOUN
+!	PUNCT
+
+My	PRON
+general	ADJ
+convince	VERB
+your	PRON
+parents	NOUN
+to	PART
+let	VERB
+you	PRON
+get	VERB
+a	DET
+reptile	NOUN
+advice	NOUN
+:	PUNCT
+
+1	X
+.	PUNCT
+Be	AUX
+responsible	ADJ
+.	PUNCT
+
+Do	VERB
+all	DET
+your	PRON
+chores	NOUN
+without	SCONJ
+being	AUX
+nagged	VERB
+,	PUNCT
+take	VERB
+care	NOUN
+of	ADP
+any	DET
+existing	VERB
+pets	NOUN
+,	PUNCT
+keep	VERB
+your	PRON
+room	NOUN
+clean	ADJ
+,	PUNCT
+and	CCONJ
+so	ADV
+on	ADV
+.	PUNCT
+
+Prove	VERB
+,	PUNCT
+to	ADP
+your	PRON
+parents	NOUN
+'	PART
+satisfaction	NOUN
+,	PUNCT
+that	SCONJ
+you	PRON
+,	PUNCT
+not	CCONJ
+they	PRON
+,	PUNCT
+will	AUX
+be	AUX
+the	DET
+one	NOUN
+actually	ADV
+taking	VERB
+care	NOUN
+of	ADP
+your	PRON
+new	ADJ
+pet	NOUN
+.	PUNCT
+
+2	X
+.	PUNCT
+Save	VERB
+up	ADP
+,	PUNCT
+and	CCONJ
+research	VERB
+,	PUNCT
+so	SCONJ
+that	SCONJ
+you	PRON
+are	AUX
+ready	ADJ
+for	ADP
+your	PRON
+new	ADJ
+pet	NOUN
+.	PUNCT
+
+3	X
+.	PUNCT
+Bargain	VERB
+with	ADP
+them	PRON
+.	PUNCT
+
+Offer	VERB
+to	PART
+do	VERB
+extra	ADJ
+chores	NOUN
+,	PUNCT
+ask	VERB
+for	ADP
+your	PRON
+pet	NOUN
+as	ADP
+a	DET
+reward	NOUN
+for	ADP
+good	ADJ
+grades	NOUN
+,	PUNCT
+something	PRON
+like	ADP
+that	PRON
+.	PUNCT
+
+4	X
+.	PUNCT
+Play	VERB
+the	DET
+sympathy	NOUN
+card	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+can	AUX
+find	VERB
+a	DET
+pet	NOUN
+at	ADP
+a	DET
+shelter	NOUN
+,	PUNCT
+or	CCONJ
+that	PRON
+a	DET
+friend	NOUN
+needs	VERB
+to	PART
+get	VERB
+rid	ADJ
+of	ADP
+because	SCONJ
+they	PRON
+'re	AUX
+moving	VERB
+or	CCONJ
+whatever	DET
+,	PUNCT
+you	PRON
+might	AUX
+be	AUX
+able	ADJ
+to	PART
+talk	VERB
+your	PRON
+parents	NOUN
+into	SCONJ
+"	PUNCT
+giving	VERB
+it	PRON
+a	DET
+good	ADJ
+home	NOUN
+"	PUNCT
+where	ADV
+you	PRON
+might	AUX
+not	PART
+be	AUX
+able	ADJ
+to	PART
+talk	VERB
+them	PRON
+into	SCONJ
+buying	VERB
+a	DET
+new	ADJ
+pet	NOUN
+.	PUNCT
+
+On	ADP
+the	DET
+fear	NOUN
+angle	NOUN
+--	PUNCT
+talk	VERB
+her	PRON
+into	SCONJ
+coming	VERB
+to	ADP
+the	DET
+pet	NOUN
+store	NOUN
+with	ADP
+you	PRON
+.	PUNCT
+
+Once	SCONJ
+you	PRON
+'re	AUX
+there	ADV
+,	PUNCT
+ask	VERB
+if	SCONJ
+you	PRON
+can	AUX
+hold	VERB
+a	DET
+ball	NOUN
+python	NOUN
+.	PUNCT
+
+Once	SCONJ
+you	PRON
+'re	AUX
+holding	VERB
+it	PRON
+,	PUNCT
+try	VERB
+to	PART
+get	VERB
+her	PRON
+to	PART
+touch	VERB
+/	PUNCT
+pet	VERB
+it	PRON
+...	PUNCT
+
+My	PRON
+Snake	NOUN
+'s	PART
+meal	NOUN
+is	AUX
+TOO	ADV
+big	ADJ
+,	PUNCT
+what	PRON
+can	AUX
+I	PRON
+do	VERB
+?	PUNCT
+
+Just	ADV
+today	NOUN
+I	PRON
+bought	VERB
+a	DET
+medium	NOUN
+rat	NOUN
+for	ADP
+my	PRON
+beloved	ADJ
+Ball	NOUN
+Python	NOUN
+Salazar	PROPN
+(	PUNCT
+name	VERB
+after	ADP
+Harry	PROPN
+Potter	PROPN
+)	PUNCT
+.	PUNCT
+
+Last	ADJ
+time	NOUN
+I	PRON
+got	VERB
+a	DET
+medium	NOUN
+rat	NOUN
+it	PRON
+was	AUX
+a	DET
+girl	NOUN
+and	CCONJ
+my	PRON
+snake	NOUN
+handled	VERB
+her	PRON
+easily	ADV
+.	PUNCT
+
+But	CCONJ
+today	NOUN
+,	PUNCT
+I	PRON
+got	VERB
+a	DET
+boy	NOUN
+and	CCONJ
+realized	VERB
+that	SCONJ
+he	PRON
+is	AUX
+HUGE	ADJ
+!	PUNCT
+
+I	PRON
+really	ADV
+do	AUX
+love	VERB
+my	PRON
+snake	NOUN
+cause	SCONJ
+she	PRON
+is	AUX
+actually	ADV
+an	DET
+affectionate	ADJ
+cold	ADJ
+-	PUNCT
+blooded	VERB
+creature	NOUN
+.	PUNCT
+
+So	ADV
+my	PRON
+true	ADJ
+question	NOUN
+comes	VERB
+to	ADP
+this	PRON
+,	PUNCT
+how	ADV
+can	AUX
+I	PRON
+knock	VERB
+the	DET
+rat	NOUN
+out	ADP
+?	PUNCT
+
+If	SCONJ
+I	PRON
+threw	VERB
+him	PRON
+against	ADP
+a	DET
+wall	NOUN
+and	CCONJ
+still	ADV
+conscious	ADJ
+he	PRON
+will	AUX
+run	VERB
+away	ADV
+,	PUNCT
+do	AUX
+I	PRON
+hang	VERB
+him	PRON
+by	ADP
+the	DET
+tail	NOUN
+so	SCONJ
+the	DET
+blood	NOUN
+can	AUX
+flush	VERB
+into	ADP
+his	PRON
+skull	NOUN
+?	PUNCT
+
+I	PRON
+really	ADV
+do	AUX
+need	VERB
+answers	NOUN
+and	CCONJ
+advice	NOUN
+,	PUNCT
+and	CCONJ
+NOT	ADV
+INSULTING	ADJ
+ANSWERS	NOUN
+!!	PUNCT
+
+LIKE	INTJ
+SERIOUSLY	ADV
+!!	PUNCT
+>:(	SYM
+
+Best	ADJ
+answer	NOUN
+shall	AUX
+receive	VERB
+points	NOUN
+:)	SYM
+
+iw	PRON
+ould	AUX
+just	ADV
+stick	VERB
+him	PRON
+in	ADP
+the	DET
+tank	NOUN
+and	CCONJ
+let	VERB
+your	PRON
+snake	NOUN
+have	VERB
+a	DET
+nice	ADJ
+hunt	NOUN
+for	ADP
+once	ADV
+,	PUNCT
+snakes	NOUN
+jaws	NOUN
+detach	VERB
+for	ADP
+this	DET
+sort	NOUN
+of	ADP
+this	DET
+thing	NOUN
+,	PUNCT
+so	ADV
+why	ADV
+not	PART
+give	VERB
+her	PRON
+a	DET
+good	ADJ
+hunt	NOUN
+,	PUNCT
+but	CCONJ
+if	SCONJ
+you	PRON
+do	AUX
+want	VERB
+him	PRON
+knock	VERB
+him	PRON
+i	PRON
+d	AUX
+just	ADV
+throw	VERB
+him	PRON
+against	ADP
+the	DET
+wall	NOUN
+or	CCONJ
+something	PRON
+,,	PUNCT
+lol	INTJ
+i	PRON
+do	AUX
+nt	PART
+know	VERB
+,	PUNCT
+i	PRON
+agree	VERB
+with	ADP
+you	PRON
+though	ADV
+throw	VERB
+him	PRON
+,	PUNCT
+haha	INTJ
+
+Ok	INTJ
+so	ADV
+if	SCONJ
+youre	PRON
+snake	NOUN
+will	AUX
+take	VERB
+pre-killed	ADJ
+,	PUNCT
+you	PRON
+can	AUX
+"	PUNCT
+gas	VERB
+it	PRON
+"	PUNCT
+.	PUNCT
+
+Just	ADV
+put	VERB
+the	DET
+rat	NOUN
+in	ADP
+a	DET
+sealed	VERB
+tupperwear	NOUN
+container	NOUN
+with	ADP
+no	DET
+airholes	NOUN
+and	CCONJ
+wait	VERB
+until	SCONJ
+it	PRON
+passes	VERB
+out	ADP
+and	CCONJ
+dies	VERB
+and	CCONJ
+then	ADV
+feed	VERB
+it	PRON
+.	PUNCT
+
+If	SCONJ
+it	PRON
+wo	AUX
+n't	PART
+take	VERB
+pre-killed	ADJ
+and	CCONJ
+you	PRON
+usually	ADV
+feed	VERB
+live	ADJ
+then	ADV
+you	PRON
+could	AUX
+hold	VERB
+the	DET
+rat	NOUN
+by	ADP
+the	DET
+tail	NOUN
+and	CCONJ
+whack	VERB
+it	PRON
+against	ADP
+a	DET
+hard	ADJ
+surface	NOUN
+,	PUNCT
+like	ADP
+a	DET
+refrigerator	NOUN
+or	CCONJ
+wall	NOUN
+.	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+like	VERB
+that	DET
+option	NOUN
+though	ADV
+-	PUNCT
+I	PRON
+think	VERB
+it	PRON
+'s	AUX
+pretty	ADV
+cruel	ADJ
+and	CCONJ
+I'd	SCONJ
+not	ADV
+done	VERB
+properly	ADV
+you	PRON
+'ll	AUX
+end	VERB
+up	ADP
+really	ADV
+hurting	VERB
+the	DET
+rat	NOUN
+but	CCONJ
+not	PART
+stunning	VERB
+him	PRON
+enough	ADV
+to	PART
+stop	VERB
+possible	ADJ
+injury	NOUN
+to	ADP
+your	PRON
+snake	NOUN
+.	PUNCT
+
+I	PRON
+would	AUX
+do	VERB
+the	DET
+tupperwear	NOUN
+idea	NOUN
+TBH	ADV
+-	PUNCT
+easiest	ADJ
+and	CCONJ
+most	ADV
+humane	ADJ
+.	PUNCT
+
+You	PRON
+could	AUX
+also	ADV
+just	ADV
+wait	VERB
+until	SCONJ
+the	DET
+rat	NOUN
+passes	VERB
+out	ADP
+for	ADP
+about	ADV
+1	NUM
+minute	NOUN
+and	CCONJ
+them	ADV
+feed	VERB
+it	PRON
+-	PUNCT
+at	ADP
+this	DET
+point	NOUN
+,	PUNCT
+it	PRON
+could	AUX
+still	ADV
+have	VERB
+a	DET
+bit	NOUN
+of	ADP
+a	DET
+heart	NOUN
+beat	NOUN
+and	CCONJ
+be	AUX
+slightly	ADV
+still	ADV
+alive	ADJ
+.	PUNCT
+
+And	CCONJ
+also	ADV
+maybe	ADV
+try	VERB
+holding	VERB
+the	DET
+rat	NOUN
+in	ADP
+feeding	NOUN
+prongs	NOUN
+so	SCONJ
+your	PRON
+snake	NOUN
+can	AUX
+get	VERB
+a	DET
+good	ADJ
+hold	NOUN
+and	CCONJ
+grip	NOUN
+on	ADP
+his	PRON
+prey	NOUN
+.	PUNCT
+
+Good	ADJ
+luck	NOUN
+!	PUNCT
+
+Just	ADV
+my	PRON
+opinion	NOUN
+here	ADV
+-	PUNCT
+no	DET
+judgement	NOUN
+-	PUNCT
+getting	VERB
+your	PRON
+snake	NOUN
+on	ADP
+frozen	VERB
+/	PUNCT
+thawed	VERB
+will	AUX
+prove	VERB
+to	PART
+be	AUX
+much	ADV
+easier	ADJ
+for	ADP
+you	PRON
+and	CCONJ
+safer	ADJ
+for	ADP
+your	PRON
+snake	NOUN
+in	ADP
+the	DET
+long	ADJ
+run	NOUN
+.	PUNCT
+
+My	PRON
+opinion	NOUN
+-	PUNCT
+take	VERB
+it	PRON
+for	SCONJ
+what	PRON
+it	PRON
+'s	AUX
+worth	ADJ
+…	PUNCT
+:-)	SYM
+
+Looking	VERB
+to	PART
+move	VERB
+to	ADP
+Toronto	PROPN
+?	PUNCT
+
+I	PRON
+am	AUX
+a	DET
+20	NUM
+something	PRON
+gay	ADJ
+black	ADJ
+male	NOUN
+and	CCONJ
+I	PRON
+am	AUX
+looking	VERB
+for	ADP
+suggestions	NOUN
+on	ADP
+neighborhoods	NOUN
+close	ADJ
+to	ADP
+the	DET
+downtown	NOUN
+Toronto	PROPN
+area	NOUN
+.	PUNCT
+
+Im	PROPN
+moving	VERB
+from	ADP
+South	PROPN
+Carolina	PROPN
+so	ADV
+this	PRON
+will	AUX
+already	ADV
+be	AUX
+a	DET
+huge	ADJ
+culture	NOUN
+shock	NOUN
+.	PUNCT
+
+Any	DET
+suggestions	NOUN
+?	PUNCT
+
+Being	AUX
+gay	ADJ
+and	CCONJ
+living	VERB
+in	ADP
+Toronto	PROPN
+is	AUX
+just	ADV
+fine	ADJ
+.	PUNCT
+
+You	PRON
+may	AUX
+consider	VERB
+the	DET
+Gay	PROPN
+Village	PROPN
+on	ADP
+Church	PROPN
+Street	PROPN
+,	PUNCT
+right	ADV
+downtown	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+full	ADJ
+of	ADP
+gay	NOUN
+friendly	ADJ
+"	PUNCT
+everything	PRON
+"	PUNCT
+.	PUNCT
+
+But	CCONJ
+,	PUNCT
+you	PRON
+could	AUX
+live	VERB
+where	X
+ever	ADV
+you	PRON
+fancy	NOUN
+takes	VERB
+you	PRON
+.	PUNCT
+
+For	ADP
+obvious	ADJ
+reasons	NOUN
+,	PUNCT
+knowing	VERB
+how	ADV
+extremely	ADV
+difficult	ADJ
+it	PRON
+is	AUX
+to	PART
+drive	VERB
+a	DET
+car	NOUN
+in	ADP
+the	DET
+city	NOUN
+,	PUNCT
+you	PRON
+should	AUX
+probably	ADV
+try	VERB
+to	PART
+be	AUX
+near	ADP
+the	DET
+subway	NOUN
+system	NOUN
+.	PUNCT
+
+But	CCONJ
+,	PUNCT
+can	AUX
+you	PRON
+immigrate	VERB
+?	PUNCT
+
+Being	AUX
+an	DET
+American	ADJ
+guarantees	VERB
+you	PRON
+no	DET
+favours	NOUN
+when	ADV
+it	PRON
+come	VERB
+to	SCONJ
+going	VERB
+to	ADP
+Canada	PROPN
+.	PUNCT
+
+Start	VERB
+your	PRON
+process	NOUN
+here	ADV
+,	PUNCT
+if	SCONJ
+you	PRON
+have	AUX
+n't	PART
+already	ADV
+.	PUNCT
+
+(	PUNCT
+Marrying	VERB
+a	DET
+Canadian	PROPN
+is	AUX
+not	PART
+enough	ADJ
+-	PUNCT
+that	PRON
+does	AUX
+n't	PART
+count	VERB
+for	ADP
+at	ADV
+least	ADV
+two	NUM
+years	NOUN
+.	PUNCT
+)	PUNCT
+
+http://www.cic.gc.ca/english/immigrate/index.asp	X
+
+A	DET
+normal	ADJ
+processing	NOUN
+time	NOUN
+,	PUNCT
+unless	SCONJ
+you	PRON
+have	VERB
+an	DET
+advanced	ADJ
+degree	NOUN
+or	CCONJ
+a	DET
+"	PUNCT
+specified	VERB
+"	PUNCT
+skill	NOUN
+is	AUX
+from	ADP
+3	NUM
+-	SYM
+5	NUM
+years	NOUN
+.	PUNCT
+
+Coming	VERB
+to	PART
+stay	VERB
+,	PUNCT
+and	CCONJ
+overstay	VERB
+your	PRON
+three	NUM
+months	NOUN
+visit	NOUN
+will	AUX
+lead	VERB
+to	ADP
+immediate	ADJ
+expulsion	NOUN
+and	CCONJ
+a	DET
+lifetime	NOUN
+ban	NOUN
+to	PART
+immigrate	VERB
+to	ADP
+Canada	PROPN
+-	PUNCT
+NOT	PART
+GOOD	ADJ
+.	PUNCT
+
+Let	VERB
+s	PRON
+be	AUX
+clear	ADJ
+about	ADP
+this	PRON
+...........	PUNCT
+
+Just	ADV
+'	PUNCT
+wanting	VERB
+to	PART
+come	VERB
+to	ADP
+Canada	PROPN
+"	PUNCT
+is	AUX
+NOT	PART
+enough	ADJ
+.	PUNCT
+
+You	PRON
+MUST	AUX
+apply	VERB
+,	PUNCT
+to	PART
+become	VERB
+a	DET
+Immigrant	NOUN
+,	PUNCT
+and	CCONJ
+WAIT	VERB
+to	PART
+be	AUX
+approved	VERB
+,	PUNCT
+by	ADP
+the	DET
+Canadian	ADJ
+Government	NOUN
+.	PUNCT
+
+YOUR	PRON
+education	NOUN
+(	PUNCT
+the	DET
+more	ADJ
+the	DET
+better	ADJ
+)	PUNCT
+and	CCONJ
+your	PRON
+past	ADJ
+work	NOUN
+history	NOUN
+,	PUNCT
+combined	VERB
+with	ADP
+a	DET
+CLEAN	ADJ
+FBI	PROPN
+and	CCONJ
+State	PROPN
+Police	PROPN
+record	NOUN
+,	PUNCT
+and	CCONJ
+a	DET
+satisfactory	ADJ
+financial	ADJ
+history	NOUN
+(	PUNCT
+no	DET
+bankruptcies	NOUN
+or	CCONJ
+large	ADJ
+outstanding	ADJ
+debts	NOUN
+in	ADP
+the	DET
+USA	PROPN
+)	PUNCT
+are	AUX
+all	ADV
+taken	VERB
+into	ADP
+consideration	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+a	DET
+competition	NOUN
+,	PUNCT
+and	CCONJ
+YOU	PRON
+will	AUX
+be	AUX
+competing	VERB
+with	ADP
+hundreds	NOUN
+of	ADP
+thousands	NOUN
+of	ADP
+others	NOUN
+,	PUNCT
+from	ADP
+all	ADV
+over	ADP
+the	DET
+world	NOUN
+,	PUNCT
+for	ADP
+a	DET
+place	NOUN
+in	ADP
+the	DET
+line	NOUN
+up	NOUN
+.	PUNCT
+
+IF	SCONJ
+you	PRON
+have	AUX
+NOT	PART
+begun	VERB
+the	DET
+Application	NOUN
+process's	NOUN
+NOW	ADV
+<	SYM
+you	PRON
+are	VERB
+about	ADV
+2	NUM
+to	ADP
+3	NUM
+years	NOUN
+away	ADV
+from	SCONJ
+being	AUX
+approved	VERB
+by	ADP
+Immigration	PROPN
+Canada	PROPN
+.	PUNCT
+
+So	ADV
+do	AUX
+n't	PART
+pack	VERB
+your	PRON
+bags	NOUN
+,	PUNCT
+yet	ADV
+.	PUNCT
+
+Whatever	DET
+you	PRON
+do	VERB
+...............	PUNCT
+DO	AUX
+NOT	PART
+try	VERB
+to	PART
+come	VERB
+here	ADV
+with	X
+out	ADP
+legal	ADJ
+permission	NOUN
+.	PUNCT
+
+You	PRON
+will	AUX
+not	PART
+be	AUX
+able	ADJ
+to	PART
+seek	VERB
+work	NOUN
+or	CCONJ
+take	VERB
+a	DET
+job	NOUN
+,	PUNCT
+in	ADP
+Canada	PROPN
+,	PUNCT
+with	X
+out	SCONJ
+having	VERB
+to	PART
+show	VERB
+your	PRON
+Immigration	PROPN
+VISA	PROPN
+and	CCONJ
+Canadian	ADJ
+Social	PROPN
+Insurance	PROPN
+Number	PROPN
+card	NOUN
+to	ADP
+any	DET
+potential	ADJ
+employer	NOUN
+.	PUNCT
+
+Being	VERB
+an	DET
+American	PROPN
+and	CCONJ
+from	ADP
+the	DET
+"	PUNCT
+south	NOUN
+"	PUNCT
+you	PRON
+will	AUX
+be	AUX
+noticed	VERB
+as	ADV
+soon	ADV
+as	SCONJ
+you	PRON
+speak	VERB
+out	ADV
+loud	ADV
+.	PUNCT
+
+Do	VERB
+it	PRON
+properly	ADV
+,	PUNCT
+and	CCONJ
+legally	ADV
+,	PUNCT
+and	CCONJ
+you	PRON
+will	AUX
+be	AUX
+OK	ADJ
+.	PUNCT
+
+Jim	PROPN
+B	PROPN
+
+Toronto	PROPN
+.	PUNCT
+
+How	ADV
+to	PART
+train	VERB
+my	PRON
+puppy	NOUN
+?	PUNCT
+
+I	PRON
+have	VERB
+a	DET
+4	NUM
+months	NOUN
+Shih	NOUN
+Tzu	NOUN
+puppy	NOUN
+.	PUNCT
+
+Recently	ADV
+I	PRON
+'m	AUX
+having	VERB
+trouble	NOUN
+training	VERB
+him	PRON
+.	PUNCT
+
+He	PRON
+is	AUX
+kind	ADV
+of	ADV
+hate	VERB
+walking	VERB
+with	ADP
+leash	NOUN
+,	PUNCT
+every	DET
+time	NOUN
+I	PRON
+put	VERB
+the	DET
+leash	NOUN
+on	ADP
+,	PUNCT
+he	PRON
+will	AUX
+try	VERB
+to	PART
+bite	VERB
+it	PRON
+.	PUNCT
+
+And	CCONJ
+he	PRON
+is	AUX
+not	PART
+following	VERB
+me	PRON
+when	ADV
+I	PRON
+was	AUX
+walking	VERB
+.	PUNCT
+
+I	PRON
+saw	VERB
+lots	NOUN
+of	ADP
+videos	NOUN
+about	ADP
+this	PRON
+,	PUNCT
+but	CCONJ
+actually	ADV
+it	PRON
+did	AUX
+n't	PART
+help	VERB
+.	PUNCT
+
+Is	VERB
+there	PRON
+any	DET
+way	NOUN
+can	AUX
+let	VERB
+him	PRON
+know	VERB
+how	ADV
+to	PART
+walk	VERB
+with	ADP
+leash	NOUN
+?	PUNCT
+
+And	CCONJ
+every	DET
+time	NOUN
+he	PRON
+see	VERB
+some	X
+one	NOUN
+he	PRON
+will	AUX
+rush	VERB
+to	ADP
+people	NOUN
+and	CCONJ
+jump	VERB
+on	ADP
+them	PRON
+,	PUNCT
+does	AUX
+n't	PART
+listen	VERB
+to	ADP
+me	PRON
+.	PUNCT
+
+He	PRON
+is	AUX
+really	ADV
+excited	ADJ
+about	ADP
+anybody	PRON
+he	PRON
+see	VERB
+.	PUNCT
+
+How	ADV
+to	PART
+prevent	VERB
+this	PRON
+?	PUNCT
+
+Last	ADJ
+thing	NOUN
+is	VERB
+every	DET
+time	NOUN
+I	PRON
+sit	VERB
+on	ADP
+a	DET
+chair	NOUN
+or	CCONJ
+something	PRON
+higher	ADJ
+than	ADP
+him	PRON
+,	PUNCT
+he	PRON
+will	AUX
+try	VERB
+to	PART
+jump	VERB
+on	ADV
+,	PUNCT
+if	SCONJ
+he	PRON
+ca	AUX
+n't	PART
+,	PUNCT
+he	PRON
+will	AUX
+bark	VERB
+all	DET
+the	DET
+time	NOUN
+until	SCONJ
+I	PRON
+let	VERB
+him	PRON
+get	VERB
+on	ADV
+,	PUNCT
+what	PRON
+should	AUX
+I	PRON
+do	VERB
+with	ADP
+this	PRON
+?	PUNCT
+
+Anyone	PRON
+have	VERB
+any	DET
+suggestion	NOUN
+?	PUNCT
+
+thank	VERB
+you	PRON
+very	ADV
+much	ADV
+.	PUNCT
+
+Hi	INTJ
+,	PUNCT
+I	PRON
+am	AUX
+a	DET
+dog	NOUN
+trainer	NOUN
+for	ADP
+25	NUM
+yrs	NOUN
+.	PUNCT
+
+You	PRON
+need	VERB
+to	PART
+purchase	VERB
+what	PRON
+is	AUX
+called	VERB
+a	DET
+shoulder	NOUN
+point	NOUN
+harness	NOUN
+.	PUNCT
+
+This	DET
+type	NOUN
+of	ADP
+harness	NOUN
+goes	VERB
+around	ADP
+the	DET
+dog	NOUN
+s	PART
+chest	NOUN
+and	CCONJ
+legs	NOUN
+and	CCONJ
+has	VERB
+a	DET
+clip	NOUN
+for	ADP
+the	DET
+leash	NOUN
+up	ADV
+on	ADP
+the	DET
+back	NOUN
+of	ADP
+the	DET
+dog	NOUN
+in	ADP
+middle	NOUN
+of	ADP
+shoulder	NOUN
+blades	NOUN
+.	PUNCT
+
+This	DET
+way	NOUN
+,	PUNCT
+he	PRON
+can	AUX
+not	PART
+reach	VERB
+the	DET
+leash	NOUN
+to	PART
+chew	VERB
+it	PRON
+.	PUNCT
+
+When	ADV
+he	PRON
+swivels	VERB
+his	PRON
+head	NOUN
+to	PART
+go	VERB
+for	ADP
+it	PRON
+anyway	ADV
+,	PUNCT
+tell	VERB
+him	PRON
+sharp	ADV
+"	PUNCT
+UH	INTJ
+UH	INTJ
+"	PUNCT
+gently	ADV
+correct	VERB
+him	PRON
+with	ADP
+a	DET
+small	ADJ
+tug	NOUN
+and	CCONJ
+continue	VERB
+your	PRON
+walk	NOUN
+.	PUNCT
+
+Do	VERB
+this	PRON
+repeatedly	ADV
+and	CCONJ
+frequently	ADV
+and	CCONJ
+he	PRON
+will	AUX
+learn	VERB
+to	PART
+walk	VERB
+on	ADP
+a	DET
+leash	NOUN
+.	PUNCT
+
+Patience	NOUN
+is	AUX
+the	DET
+key	NOUN
+here	ADV
+.	PUNCT
+
+He	PRON
+is	AUX
+a	DET
+young	ADJ
+pup	NOUN
+and	CCONJ
+will	AUX
+learn	VERB
+over	ADP
+time	NOUN
+and	CCONJ
+consistency	NOUN
+in	ADP
+his	PRON
+training	NOUN
+.	PUNCT
+
+And	CCONJ
+always	ADV
+,	PUNCT
+always	ADV
+train	VERB
+with	ADP
+love	NOUN
+and	CCONJ
+positive	ADJ
+methods	NOUN
+-	PUNCT
+never	ADV
+hit	VERB
+or	CCONJ
+harshly	ADV
+scold	VERB
+.	PUNCT
+
+Never	ADV
+train	VERB
+out	ADP
+of	ADP
+fear	NOUN
+.	PUNCT
+
+You	PRON
+want	VERB
+your	PRON
+dog	NOUN
+to	PART
+admire	VERB
+you	PRON
+as	ADP
+his	PRON
+pack	NOUN
+leader	NOUN
+,	PUNCT
+not	PART
+fear	VERB
+you	PRON
+.	PUNCT
+
+Good	ADJ
+luck	NOUN
+with	ADP
+your	PRON
+puppy	NOUN
+!	PUNCT
+
+All	DET
+the	DET
+best	ADJ
+.	PUNCT
+
+Put	VERB
+him	PRON
+in	ADP
+dog	NOUN
+obedience	NOUN
+school	NOUN
+or	CCONJ
+call	VERB
+a	DET
+professional	ADJ
+dog	NOUN
+trainer	NOUN
+.	PUNCT
+:)	SYM
+
+why	ADV
+do	AUX
+nt	PART
+you	PRON
+get	VERB
+some	DET
+treats	NOUN
+that	PRON
+he	PRON
+loves	VERB
+and	CCONJ
+only	ADV
+give	VERB
+him	PRON
+them	PRON
+when	ADV
+he	PRON
+does	VERB
+something	PRON
+right	ADV
+.	PUNCT
+
+or	CCONJ
+,	PUNCT
+as	SCONJ
+i	PRON
+saw	VERB
+on	ADP
+embarrassing	ADJ
+pets	NOUN
+on	ADP
+tv	NOUN
+,	PUNCT
+get	VERB
+a	DET
+clicker	NOUN
+type	NOUN
+thing	NOUN
+and	CCONJ
+treats	NOUN
+as	ADV
+well	ADV
+.	PUNCT
+
+try	VERB
+to	PART
+train	VERB
+him	PRON
+to	PART
+heel	VERB
+,	PUNCT
+which	PRON
+means	VERB
+to	PART
+walk	VERB
+round	ADP
+you	PRON
+before	SCONJ
+he	PRON
+needs	VERB
+to	PART
+go	VERB
+on	ADP
+a	DET
+leash	NOUN
+,	PUNCT
+and	CCONJ
+he	PRON
+may	AUX
+do	VERB
+that	PRON
+.	PUNCT
+
+or	CCONJ
+you	PRON
+could	AUX
+even	ADV
+spray	VERB
+some	DET
+scented	VERB
+spray	NOUN
+on	ADP
+the	DET
+leash	NOUN
+and	CCONJ
+he	PRON
+will	AUX
+go	VERB
+for	ADP
+the	DET
+scent	NOUN
+and	CCONJ
+probably	ADV
+,	PUNCT
+if	SCONJ
+you	PRON
+act	VERB
+quick	ADV
+enough	ADV
+,	PUNCT
+will	AUX
+stay	VERB
+on	ADP
+the	DET
+leash	NOUN
+.	PUNCT
+
+What	DET
+sort	NOUN
+of	ADP
+Hotel	NOUN
+could	AUX
+I	PRON
+expect	VERB
+to	PART
+find	VERB
+in	ADP
+New	PROPN
+Delhi	PROPN
+/	PUNCT
+Agra	PROPN
+/	PUNCT
+Varanasi	PROPN
+for	ADP
+rs	SYM
+500	NUM
+per	ADP
+night	NOUN
+?	PUNCT
+
+Hey	INTJ
+guys	NOUN
+.	PUNCT
+
+I	PRON
+'m	AUX
+looking	VERB
+to	PART
+visit	VERB
+India	PROPN
+with	ADP
+some	DET
+mates	NOUN
+at	ADP
+the	DET
+beginning	NOUN
+of	ADP
+February	PROPN
+next	ADJ
+year	NOUN
+and	CCONJ
+I	PRON
+am	AUX
+wandering	VERB
+what	DET
+standard	NOUN
+of	ADP
+accommodation	NOUN
+we	PRON
+could	AUX
+get	VERB
+for	ADP
+Rs	SYM
+500	NUM
+per	ADP
+person	NOUN
+per	ADP
+night	NOUN
+.	PUNCT
+
+There	PRON
+would	AUX
+be	VERB
+four	NUM
+of	ADP
+us	PRON
+so	ADV
+we	PRON
+would	AUX
+probably	ADV
+be	AUX
+looking	VERB
+at	ADP
+2	NUM
+twin	NOUN
+rooms	NOUN
+for	ADP
+Rs	SYM
+1000	NUM
+,	PUNCT
+close	ADV
+to	ADP
+the	DET
+centre	NOUN
+of	ADP
+these	DET
+cities	NOUN
+.	PUNCT
+
+This	PRON
+would	AUX
+be	AUX
+on	ADP
+a	DET
+walk	VERB
+-	PUNCT
+in	ADV
+basis	NOUN
+as	SCONJ
+we	PRON
+want	VERB
+to	PART
+have	VERB
+the	DET
+freedom	NOUN
+of	SCONJ
+finding	VERB
+a	DET
+place	NOUN
+that	PRON
+looks	VERB
+good	ADJ
+(	PUNCT
+Not	ADV
+relying	VERB
+on	ADP
+pictures	NOUN
+from	ADP
+the	DET
+internet	NOUN
+)	PUNCT
+and	CCONJ
+is	AUX
+in	ADP
+a	DET
+spot	NOUN
+we	PRON
+like	VERB
+.	PUNCT
+
+Thanks	NOUN
+in	ADP
+advance	NOUN
+for	SCONJ
+sharing	VERB
+your	PRON
+experience	NOUN
+!	PUNCT
+
+Sorry	INTJ
+,	PUNCT
+almost	ADV
+forgot	VERB
+to	PART
+ask	VERB
+-	PUNCT
+Would	AUX
+it	PRON
+be	AUX
+cheaper	ADJ
+to	PART
+walk	VERB
+-	PUNCT
+in	ADP
+to	ADP
+these	DET
+hotels	NOUN
+rather	ADV
+than	ADP
+pre	X
+book	VERB
+?	PUNCT
+
+In	ADP
+Delhi	PROPN
+I	PRON
+'d	AUX
+recommend	VERB
+Ajay	PROPN
+Guesthouse	PROPN
+.	PUNCT
+
+Travelled	VERB
+to	ADP
+Delhi	PROPN
+twice	ADV
+and	CCONJ
+stayed	VERB
+there	ADV
+twice	ADV
+.	PUNCT
+
+Rooms	NOUN
+start	VERB
+from	ADP
+500	NUM
+per	ADP
+double	NOUN
+.	PUNCT
+
+Those	DET
+ones	NOUN
+are	AUX
+quite	ADV
+small	ADJ
+.	PUNCT
+
+Must	AUX
+say	VERB
+,	PUNCT
+in	ADP
+Delhi	PROPN
+it	PRON
+'s	AUX
+hard	ADJ
+to	PART
+get	VERB
+good	ADJ
+price	NOUN
+/	PUNCT
+quality	NOUN
+rating	NOUN
+.	PUNCT
+
+I	PRON
+have	AUX
+found	VERB
+this	DET
+hotel	NOUN
+in	ADP
+the	DET
+Lonely	PROPN
+Planet	PROPN
+guide	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+in	ADP
+an	DET
+area	NOUN
+starting	VERB
+with	ADP
+a	DET
+P	NOUN
+,	PUNCT
+many	ADJ
+tourist	NOUN
+hotels	NOUN
+there	ADV
+and	CCONJ
+the	DET
+location	NOUN
+is	AUX
+very	ADV
+nice	ADJ
+.	PUNCT
+
+But	CCONJ
+in	ADP
+general	ADJ
+,	PUNCT
+Delhi	PROPN
+is	AUX
+the	DET
+hardest	ADJ
+place	NOUN
+to	PART
+find	VERB
+a	DET
+nice	ADJ
+clean	ADJ
+hotel	NOUN
+for	ADP
+that	DET
+price	NOUN
+.	PUNCT
+
+In	ADP
+Varanasi	PROPN
+I	PRON
+do	AUX
+n't	PART
+know	VERB
+.	PUNCT
+
+I	PRON
+'ve	AUX
+stayed	VERB
+in	ADP
+a	DET
+more	ADV
+expensive	ADJ
+hotel	NOUN
+there	ADV
+,	PUNCT
+but	CCONJ
+you	PRON
+can	AUX
+check	VERB
+some	DET
+travelguides	NOUN
+or	CCONJ
+tripadvisor	PROPN
+?	PUNCT
+
+Also	ADV
+,	PUNCT
+while	SCONJ
+travelling	VERB
+ask	VERB
+people	NOUN
+where	ADV
+they	PRON
+'ve	AUX
+been	AUX
+and	CCONJ
+if	SCONJ
+they	PRON
+have	VERB
+any	DET
+hotel	NOUN
+recommendations	NOUN
+.	PUNCT
+
+In	ADP
+Agra	PROPN
+I	PRON
+'ve	AUX
+stayed	VERB
+in	ADP
+a	DET
+place	NOUN
+fellow	ADJ
+travellers	NOUN
+recommended	VERB
+,	PUNCT
+they	PRON
+found	VERB
+it	PRON
+in	ADP
+the	DET
+Rough	PROPN
+Guide	PROPN
+.	PUNCT
+
+It	PRON
+was	AUX
+nice	ADJ
+and	CCONJ
+close	ADJ
+to	ADP
+the	DET
+Taj	PROPN
+.	PUNCT
+
+It	PRON
+was	AUX
+quite	ADV
+easy	ADJ
+to	PART
+find	VERB
+something	PRON
+.	PUNCT
+
+(	PUNCT
+Do	AUX
+nt	PART
+stay	VERB
+in	ADP
+Agra	PROPN
+too	ADV
+long	ADV
+.	PUNCT
+
+One	NUM
+night	NOUN
+is	AUX
+enough	ADJ
+!	PUNCT
+)	PUNCT
+
+There	PRON
+were	VERB
+many	ADJ
+hotels	NOUN
+there	ADV
+.	PUNCT
+
+I	PRON
+ve	AUX
+paid	VERB
+500	NUM
+for	ADP
+a	DET
+double	ADJ
+room	NOUN
+there	ADV
+and	CCONJ
+it	PRON
+was	AUX
+fine	ADJ
+and	CCONJ
+clean	ADJ
+.	PUNCT
+
+Good	ADJ
+luck	NOUN
+,	PUNCT
+enjoy	VERB
+your	PRON
+time	NOUN
+!	PUNCT
+
+You	PRON
+may	AUX
+find	VERB
+a	DET
+normal	ADJ
+budget	NOUN
+hotel	NOUN
+for	ADP
+Rs	SYM
+1000	NUM
+per	ADP
+night	NOUN
+in	ADP
+the	DET
+cities	NOUN
+you	PRON
+mentioned	VERB
+,	PUNCT
+the	DET
+links	NOUN
+below	ADV
+may	AUX
+help	VERB
+you	PRON
+to	PART
+find	VERB
+good	ADJ
+hotels	NOUN
+in	ADP
+Delhi	PROPN
+and	CCONJ
+Agra	PROPN
+.	PUNCT
+
+http://www.goldentriangleindia.com/delhi/hotels-in-delhi.html	X
+
+To	PART
+Stay	VERB
+in	ADP
+delhi	PROPN
+-	PUNCT
+Hotel	PROPN
+Aster	PROPN
+Inn	PROPN
+is	AUX
+best	ADJ
+to	PART
+stay	VERB
+in	ADP
+delhi	PROPN
+.	PUNCT
+
+it	PRON
+is	AUX
+in	ADP
+karol	PROPN
+bagh	PROPN
+.	PUNCT
+
+some	DET
+beautiful	ADJ
+locations	NOUN
+like	ADP
+close	ADV
+to	ADP
+Karol	PROPN
+Bagh	PROPN
+Shopping	PROPN
+Market	PROPN
+,	PUNCT
+Presidential	PROPN
+Palace	PROPN
+,	PUNCT
+and	CCONJ
+Birla	PROPN
+Mandir	PROPN
+Temple	PROPN
+and	CCONJ
+Connaught	PROPN
+Place	PROPN
+and	CCONJ
+Jantar	PROPN
+Mantar	PROPN
+are	AUX
+near	ADV
+to	ADP
+it	PRON
+.	PUNCT
+
+TO	PART
+Stay	VERB
+in	ADP
+Agra	PROPN
+-	PUNCT
+Hotel	PROPN
+Atithi	PROPN
+and	CCONJ
+Aditya	PROPN
+Palace	PROPN
+is	AUX
+perfect	ADJ
+for	ADP
+you	PRON
+.	PUNCT
+
+it	PRON
+is	AUX
+centrally	ADV
+situated	VERB
+.	PUNCT
+
+To	PART
+Stay	VERB
+in	ADP
+Varanasi	PROPN
+-	PUNCT
+Sandeep	PROPN
+Hotel	PROPN
+is	AUX
+you	PRON
+choice	NOUN
+...	PUNCT
+
+which	DET
+one	NUM
+out	ADP
+of	ADP
+these	PRON
+makes	VERB
+the	DET
+best	ADJ
+pet	NOUN
+?	PUNCT
+
+a	DET
+degu	NOUN
+,	PUNCT
+a	DET
+rat	NOUN
+,	PUNCT
+a	DET
+mouse	NOUN
+,	PUNCT
+a	DET
+hamster	NOUN
+or	CCONJ
+a	DET
+guinea	NOUN
+pig	NOUN
+?	PUNCT
+
+and	CCONJ
+why	ADV
+is	AUX
+the	DET
+one	NUM
+a	DET
+better	ADJ
+pet	NOUN
+?	PUNCT
+
+Get	VERB
+a	DET
+guinea	NOUN
+pig	NOUN
+.	PUNCT
+
+I	PRON
+have	VERB
+a	DET
+hamster	NOUN
+,	PUNCT
+and	CCONJ
+mice	NOUN
+and	CCONJ
+rats	NOUN
+like	VERB
+to	PART
+escape	VERB
+.	PUNCT
+
+The	DET
+Guinea	NOUN
+pig	NOUN
+is	AUX
+better	ADJ
+because	SCONJ
+it	PRON
+s	AUX
+a	DET
+lot	NOUN
+larger	ADJ
+than	ADP
+a	DET
+hamster	NOUN
+,	PUNCT
+rat	NOUN
+,	PUNCT
+mouse	NOUN
+,	PUNCT
+or	CCONJ
+degu	NOUN
+.	PUNCT
+
+So	ADV
+if	SCONJ
+you	PRON
+lose	VERB
+him	PRON
+,	PUNCT
+he	PRON
+is	AUX
+easier	ADJ
+to	PART
+find	VERB
+,	PUNCT
+because	SCONJ
+smaller	ADJ
+rodents	NOUN
+just	ADV
+LOVE	VERB
+to	PART
+escape	VERB
+from	ADP
+their	PRON
+cages	NOUN
+.	PUNCT
+
+So	ADV
+my	PRON
+opinion	NOUN
+is	AUX
+Guinea	NOUN
+pigs	NOUN
+.	PUNCT
+
+(	PUNCT
+plus	CCONJ
+they	PRON
+do	AUX
+nt	PART
+stink	VERB
+that	ADV
+bad	ADV
+)	PUNCT
+
+Depends	VERB
+on	SCONJ
+what	PRON
+you	PRON
+want	VERB
+in	ADP
+a	DET
+pet	NOUN
+,	PUNCT
+to	PART
+be	AUX
+honest	ADJ
+.	PUNCT
+
+Also	ADV
+depends	VERB
+on	ADP
+the	DET
+space	NOUN
+you	PRON
+have	VERB
+,	PUNCT
+how	ADV
+much	ADJ
+time	NOUN
+you	PRON
+can	AUX
+handle	VERB
+the	DET
+pet	NOUN
+,	PUNCT
+how	ADV
+much	ADJ
+money	NOUN
+you	PRON
+can	AUX
+spend	VERB
+,	PUNCT
+etc	X
+.	PUNCT
+
+I	PRON
+'ve	AUX
+had	VERB
+experience	NOUN
+with	ADP
+all	DET
+of	ADP
+those	DET
+pets	NOUN
+except	ADP
+Degus	NOUN
+.	PUNCT
+
+My	PRON
+favorite	NOUN
+would	AUX
+have	VERB
+to	PART
+be	AUX
+the	DET
+rat	NOUN
+.	PUNCT
+
+They	PRON
+'re	AUX
+incredibly	ADV
+social	ADJ
+,	PUNCT
+highly	ADV
+trainable	ADJ
+,	PUNCT
+and	CCONJ
+very	ADV
+clean	ADJ
+.	PUNCT
+
+Mine	PRON
+learned	VERB
+to	PART
+"	PUNCT
+go	VERB
+to	ADP
+the	DET
+bathroom	NOUN
+"	PUNCT
+only	ADV
+in	ADP
+their	PRON
+cages	NOUN
+and	CCONJ
+loved	VERB
+to	PART
+ride	VERB
+on	ADP
+my	PRON
+shoulder	NOUN
+or	CCONJ
+hang	VERB
+out	ADP
+in	ADP
+my	PRON
+hoodie	NOUN
+pouch	NOUN
+.	PUNCT
+
+The	DET
+only	ADJ
+downside	NOUN
+is	VERB
+they	PRON
+should	AUX
+be	AUX
+kept	VERB
+in	ADP
+pairs	NOUN
+or	CCONJ
+trios	NOUN
+and	CCONJ
+require	VERB
+a	DET
+pretty	ADV
+large	ADJ
+habitat	NOUN
+.	PUNCT
+
+That	PRON
+means	VERB
+expense	NOUN
+,	PUNCT
+space	NOUN
+,	PUNCT
+and	CCONJ
+they	PRON
+require	VERB
+weekly	ADJ
+cage	NOUN
+cleaning	NOUN
+.	PUNCT
+
+My	PRON
+second	ADJ
+favorite	NOUN
+would	AUX
+have	VERB
+to	PART
+be	AUX
+the	DET
+Guinea	NOUN
+Pig	NOUN
+-	PUNCT
+not	ADV
+quite	ADV
+as	ADV
+social	ADJ
+with	ADP
+people	NOUN
+as	ADP
+rats	NOUN
+(	PUNCT
+at	ADV
+least	ADV
+mine	PRON
+was	AUX
+n't	PART
+)	PUNCT
+but	CCONJ
+more	ADV
+so	ADV
+than	ADP
+most	ADJ
+hamsters	NOUN
+or	CCONJ
+mice	NOUN
+.	PUNCT
+
+Again	ADV
+,	PUNCT
+pairs	NOUN
+or	CCONJ
+trios	NOUN
+and	CCONJ
+pretty	ADV
+big	ADJ
+living	NOUN
+space	NOUN
+.	PUNCT
+
+They	PRON
+,	PUNCT
+too	ADV
+,	PUNCT
+need	VERB
+weekly	ADJ
+cage	NOUN
+cleaning	NOUN
+and	CCONJ
+can	AUX
+cost	VERB
+quite	DET
+a	DET
+bit	NOUN
+.	PUNCT
+
+I	PRON
+could	AUX
+handle	VERB
+my	PRON
+mice	NOUN
+,	PUNCT
+but	CCONJ
+they	PRON
+where	VERB
+skittish	ADJ
+and	CCONJ
+preferred	VERB
+their	PRON
+cage	NOUN
+.	PUNCT
+
+I	PRON
+'ve	AUX
+never	ADV
+met	VERB
+a	DET
+hamster	NOUN
+that	PRON
+did	AUX
+n't	PART
+bite	VERB
+me	PRON
+.	PUNCT
+
+Never	ADV
+had	VERB
+/	PUNCT
+handled	VERB
+a	DET
+Degu	NOUN
+.	PUNCT
+
+Get	VERB
+a	DET
+guinea	NOUN
+pig	NOUN
+.	PUNCT
+
+We	PRON
+have	VERB
+two	NUM
+.	PUNCT
+
+They	PRON
+are	AUX
+social	ADJ
+and	CCONJ
+like	VERB
+to	PART
+be	AUX
+handled	VERB
+.	PUNCT
+
+You	PRON
+have	VERB
+to	PART
+have	VERB
+two	NUM
+because	SCONJ
+they	PRON
+do	AUX
+n't	PART
+do	VERB
+well	ADV
+alone	ADV
+.	PUNCT
+
+Make	VERB
+certain	ADJ
+you	PRON
+get	VERB
+two	NUM
+females	NOUN
+.	PUNCT
+
+Two	NUM
+males	NOUN
+can	AUX
+fight	VERB
+and	CCONJ
+you	PRON
+definitely	ADV
+do	AUX
+n't	PART
+want	VERB
+babies	NOUN
+!!	PUNCT
+
+Guinea	NOUN
+pigs	NOUN
+(	PUNCT
+also	ADV
+called	VERB
+cavies	NOUN
+)	PUNCT
+are	AUX
+gentle	ADJ
+creatures	NOUN
+and	CCONJ
+are	AUX
+awake	ADJ
+during	ADP
+the	DET
+day	NOUN
+and	CCONJ
+sleep	VERB
+at	ADP
+night	NOUN
+.	PUNCT
+
+They	PRON
+will	AUX
+whistle	VERB
+when	ADV
+they	PRON
+hear	VERB
+you	PRON
+as	ADP
+an	DET
+encouragement	NOUN
+for	SCONJ
+you	PRON
+to	PART
+give	VERB
+them	PRON
+a	DET
+treat	NOUN
+like	ADP
+leaf	NOUN
+lettuce	NOUN
+.	PUNCT
+
+They	PRON
+love	VERB
+leaf	NOUN
+or	CCONJ
+romaine	NOUN
+lettuce	NOUN
+and	CCONJ
+tomatos	NOUN
+,	PUNCT
+celery	NOUN
+,	PUNCT
+cucumbers	NOUN
+,	PUNCT
+carrots	NOUN
+.	PUNCT
+
+Do	AUX
+n't	PART
+feed	VERB
+them	PRON
+broccoli	NOUN
+,	PUNCT
+cauliflower	NOUN
+,	PUNCT
+garlic	NOUN
+,	PUNCT
+onions	NOUN
+,	PUNCT
+head	NOUN
+lettuce	NOUN
+....	PUNCT
+they	PRON
+are	AUX
+all	ADV
+too	ADV
+difficult	ADJ
+for	SCONJ
+them	PRON
+to	PART
+digest	VERB
+.	PUNCT
+
+Also	ADV
+they	PRON
+ca	AUX
+n't	PART
+eat	VERB
+potatos	NOUN
+,	PUNCT
+they	PRON
+are	AUX
+toxic	ADJ
+for	ADP
+them	PRON
+.	PUNCT
+
+If	SCONJ
+you	PRON
+keep	VERB
+the	DET
+cage	NOUN
+clean	ADJ
+they	PRON
+do	AUX
+n't	PART
+smell	VERB
+and	CCONJ
+you	PRON
+can	AUX
+buy	VERB
+spray	VERB
+on	ADP
+cleaser	NOUN
+for	ADP
+them	PRON
+,	PUNCT
+just	ADV
+massage	VERB
+it	PRON
+into	ADP
+their	PRON
+coat	NOUN
+and	CCONJ
+groom	VERB
+them	PRON
+.	PUNCT
+
+Fostering	VERB
+6	NUM
+week	NOUN
+old	ADJ
+kittens	NOUN
+and	CCONJ
+HATING	VERB
+IT	PRON
+!	PUNCT
+
+Need	VERB
+Advice	NOUN
+!?	PUNCT
+
+I	PRON
+wanted	VERB
+to	PART
+volunteer	VERB
+and	CCONJ
+help	VERB
+animals	NOUN
+,	PUNCT
+and	CCONJ
+decided	VERB
+to	PART
+try	VERB
+fostering	VERB
+kittens	NOUN
+.	PUNCT
+
+This	PRON
+is	AUX
+my	PRON
+first	ADJ
+experience	NOUN
+and	CCONJ
+I	PRON
+have	VERB
+two	NUM
+six	NUM
+week	NOUN
+old	ADJ
+kittens	NOUN
+right	ADV
+now	ADV
+and	CCONJ
+am	AUX
+at	ADP
+my	PRON
+wit	NOUN
+s	PART
+end	NOUN
+.	PUNCT
+
+I	PRON
+do	AUX
+not	PART
+want	VERB
+to	PART
+have	VERB
+to	PART
+bring	VERB
+them	PRON
+back	ADP
+before	SCONJ
+they	PRON
+are	AUX
+eight	NUM
+weeks	NOUN
+old	ADJ
+but	CCONJ
+they	PRON
+are	AUX
+ruining	VERB
+my	PRON
+apartment	NOUN
+.	PUNCT
+
+They	PRON
+track	VERB
+poop	NOUN
+everywhere	ADV
+(	PUNCT
+most	ADV
+disgustingly	ADV
+my	PRON
+bed	NOUN
+....	PUNCT
+)	PUNCT
+,	PUNCT
+and	CCONJ
+am	AUX
+constantly	ADV
+trying	VERB
+to	PART
+climb	VERB
+up	ADV
+everything	PRON
+,	PUNCT
+including	VERB
+my	PRON
+bare	ADJ
+legs	NOUN
+!	PUNCT
+
+My	PRON
+legs	NOUN
+and	CCONJ
+hands	NOUN
+are	AUX
+just	ADV
+full	ADJ
+of	ADP
+scratches	NOUN
+.	PUNCT
+
+I	PRON
+realize	VERB
+they	PRON
+are	AUX
+young	ADJ
+and	CCONJ
+that	SCONJ
+cats	NOUN
+do	AUX
+climb	VERB
+,	PUNCT
+but	CCONJ
+this	PRON
+is	AUX
+just	ADV
+ridiculous	ADJ
+.	PUNCT
+
+My	PRON
+apartment	NOUN
+also	ADV
+smells	VERB
+repulsive	ADJ
+even	ADV
+though	SCONJ
+I	PRON
+am	AUX
+cleaning	VERB
+out	ADP
+their	PRON
+litter	NOUN
+box	NOUN
+at	ADV
+least	ADV
+once	ADV
+a	DET
+day	NOUN
+if	SCONJ
+not	ADV
+twice	ADV
+.	PUNCT
+
+Any	DET
+suggestions	NOUN
+and	CCONJ
+helpful	ADJ
+hints	NOUN
+to	PART
+make	VERB
+this	PRON
+a	DET
+more	ADV
+positive	ADJ
+experience	NOUN
+would	AUX
+be	AUX
+extremely	ADV
+appreciated	VERB
+.	PUNCT
+
+That	PRON
+'s	AUX
+kind	ADV
+of	ADV
+the	DET
+way	NOUN
+it	PRON
+goes	VERB
+..	PUNCT
+lol	INTJ
+.	PUNCT
+
+Limit	VERB
+them	PRON
+to	ADP
+one	NUM
+room	NOUN
+with	ADP
+easy	ADJ
+to	PART
+clean	VERB
+flooring	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+have	VERB
+limited	VERB
+options	NOUN
+,	PUNCT
+try	VERB
+the	DET
+bathroom	NOUN
+.	PUNCT
+
+Make	VERB
+sure	ADJ
+there	PRON
+are	VERB
+plenty	NOUN
+of	ADP
+litter	NOUN
+boxes	NOUN
+that	PRON
+are	AUX
+cleaned	VERB
+often	ADV
+.	PUNCT
+
+Depending	VERB
+on	ADP
+the	DET
+batch	NOUN
+of	ADP
+kittens	NOUN
+,	PUNCT
+I	PRON
+will	AUX
+often	ADV
+have	VERB
+as	ADV
+many	ADJ
+as	ADP
+one	NUM
+per	ADP
+kitten	NOUN
+.	PUNCT
+
+They	PRON
+can	AUX
+produce	VERB
+a	DET
+lot	NOUN
+of	ADP
+waste	NOUN
+and	CCONJ
+even	ADV
+scooping	VERB
+twice	ADV
+a	DET
+day	NOUN
+they	PRON
+can	AUX
+get	VERB
+messy	ADJ
+.	PUNCT
+
+For	ADP
+some	DET
+reason	NOUN
+it	PRON
+takes	VERB
+them	PRON
+awhile	ADV
+to	PART
+learn	VERB
+not	ADV
+to	PART
+step	VERB
+in	ADP
+poop	NOUN
+.	PUNCT
+
+Also	ADV
+if	SCONJ
+they	PRON
+have	VERB
+diarrhea	NOUN
+,	PUNCT
+check	VERB
+in	ADP
+with	ADP
+your	PRON
+foster	NOUN
+coordinator	NOUN
+.	PUNCT
+
+They	PRON
+made	AUX
+need	VERB
+medication	NOUN
+or	CCONJ
+deworming	NOUN
+or	CCONJ
+something	PRON
+.	PUNCT
+
+They	PRON
+are	AUX
+testing	VERB
+out	ADP
+their	PRON
+claws	NOUN
+and	CCONJ
+teeth	NOUN
+.	PUNCT
+
+To	ADP
+some	DET
+degree	NOUN
+you	PRON
+can	AUX
+/	PUNCT
+should	AUX
+help	VERB
+teach	VERB
+them	PRON
+not	ADV
+to	PART
+use	VERB
+their	PRON
+teeth	NOUN
+and	CCONJ
+claws	NOUN
+inappropriately	ADV
+.	PUNCT
+
+But	CCONJ
+in	ADP
+the	DET
+meantime	NOUN
+,	PUNCT
+highly	ADV
+recommend	VERB
+jeans	NOUN
+and	CCONJ
+long	ADJ
+sleeves	NOUN
+anytime	NOUN
+you	PRON
+'ll	AUX
+be	AUX
+interacting	VERB
+with	ADP
+the	DET
+kittens	NOUN
+.	PUNCT
+
+Then	ADV
+take	VERB
+care	NOUN
+of	ADP
+yourself	PRON
+.	PUNCT
+
+Get	VERB
+plenty	NOUN
+of	ADP
+sleep	NOUN
+and	CCONJ
+make	VERB
+sure	ADJ
+you	PRON
+take	VERB
+time	NOUN
+out	ADV
+to	PART
+do	VERB
+some	DET
+things	NOUN
+you	PRON
+enjoy	VERB
+.	PUNCT
+
+Try	VERB
+visiting	VERB
+the	DET
+kittens	NOUN
+a	DET
+few	ADJ
+times	NOUN
+a	DET
+day	NOUN
+for	ADP
+short	ADJ
+periods	NOUN
+of	ADP
+time	NOUN
+.	PUNCT
+
+Try	VERB
+to	PART
+go	VERB
+in	ADP
+there	ADV
+with	ADP
+the	DET
+right	ADJ
+frame	NOUN
+of	ADP
+mind	NOUN
+and	CCONJ
+enjoy	VERB
+them	PRON
+for	SCONJ
+what	PRON
+they	PRON
+are	VERB
+.	PUNCT
+
+If	SCONJ
+you	PRON
+still	ADV
+do	AUX
+n't	PART
+enjoy	VERB
+the	DET
+kittens	NOUN
+,	PUNCT
+see	VERB
+what	DET
+other	ADJ
+opportunities	NOUN
+are	AUX
+available	ADJ
+.	PUNCT
+
+They	PRON
+may	AUX
+need	VERB
+foster	NOUN
+homes	NOUN
+for	ADP
+adult	ADJ
+cats	NOUN
+in	ADP
+different	ADJ
+situations	NOUN
+..	PUNCT
+sick	ADJ
+,	PUNCT
+recovering	VERB
+from	ADP
+surgery	NOUN
+,	PUNCT
+need	VERB
+a	DET
+little	ADJ
+socialization	NOUN
+,	PUNCT
+etc	X
+.	PUNCT
+
+I	PRON
+find	VERB
+the	DET
+adults	NOUN
+are	AUX
+much	ADV
+easier	ADJ
+.	PUNCT
+
+Generally	ADV
+they	PRON
+'re	AUX
+not	PART
+clawing	VERB
+and	CCONJ
+biting	VERB
+,	PUNCT
+they	PRON
+do	AUX
+n't	PART
+make	VERB
+nearly	ADV
+as	ADV
+much	ADJ
+mess	NOUN
+,	PUNCT
+they	PRON
+do	AUX
+n't	PART
+need	VERB
+nearly	ADV
+as	ADV
+much	ADJ
+litterbox	NOUN
+scooping	NOUN
+,	PUNCT
+etc	X
+:)	SYM
+
+Decide	VERB
+volunteering	NOUN
+is	AUX
+not	PART
+your	PRON
+thing	NOUN
+and	CCONJ
+give	VERB
+them	PRON
+back	ADP
+!	PUNCT
+
+And	CCONJ
+do	VERB
+more	ADJ
+research	NOUN
+before	SCONJ
+you	PRON
+agree	VERB
+next	ADJ
+time	NOUN
+;-)	SYM
+
+Take	VERB
+the	DET
+kittens	NOUN
+back	ADV
+to	ADP
+the	DET
+shelter	NOUN
+.	PUNCT
+
+Maybe	ADV
+do	VERB
+volunteer	NOUN
+work	NOUN
+at	ADP
+the	DET
+humane	ADJ
+society	NOUN
+,	PUNCT
+walk	VERB
+dogs	NOUN
+,	PUNCT
+groom	VERB
+the	DET
+animals	NOUN
+etc	X
+.	PUNCT
+
+what	PRON
+r	AUX
+the	DET
+requirements	NOUN
+to	PART
+apply	VERB
+for	ADP
+a	DET
+delay	NOUN
+birth	NOUN
+certificate	NOUN
+in	ADP
+canada	PROPN
+?	PUNCT
+
+what	PRON
+r	AUX
+the	DET
+evidentary	ADJ
+requirements	NOUN
+to	PART
+apply	VERB
+for	ADP
+a	DET
+delay	NOUN
+birth	NOUN
+certificate	NOUN
+in	ADP
+canada	PROPN
+?	PUNCT
+
+including	VERB
+fees	NOUN
+and	CCONJ
+forms	NOUN
+
+It	PRON
+depends	VERB
+on	SCONJ
+if	SCONJ
+you	PRON
+ever	ADV
+registered	VERB
+the	DET
+birth	NOUN
+.	PUNCT
+
+Some	DET
+places	NOUN
+do	VERB
+the	DET
+registration	NOUN
+right	ADV
+at	ADP
+the	DET
+hospital	NOUN
+....	PUNCT
+in	ADP
+some	DET
+smaller	ADJ
+places	NOUN
+,	PUNCT
+you	PRON
+need	VERB
+to	PART
+register	VERB
+your	PRON
+child	NOUN
+'s	PART
+birth	NOUN
+at	ADP
+the	DET
+town	NOUN
+hall	NOUN
+/	PUNCT
+registrar	NOUN
+'s	PART
+office	NOUN
+.	PUNCT
+
+My	PRON
+first	ADJ
+three	NUM
+children	NOUN
+were	AUX
+born	VERB
+in	ADP
+Southern	ADJ
+Ontario	PROPN
+cities	NOUN
+.	PUNCT
+
+The	DET
+birth	NOUN
+registration	NOUN
+was	AUX
+done	VERB
+right	ADV
+in	ADP
+hospital	NOUN
+.	PUNCT
+
+My	PRON
+last	ADJ
+son	NOUN
+,	PUNCT
+was	AUX
+born	VERB
+in	ADP
+Northern	ADJ
+Ontario	PROPN
+....	PUNCT
+
+I	PRON
+did	AUX
+n't	PART
+know	VERB
+that	SCONJ
+I	PRON
+did	AUX
+n't	PART
+register	VERB
+him	PRON
+in	ADP
+the	DET
+ridiculous	ADJ
+amount	NOUN
+of	ADP
+paperwork	NOUN
+I	PRON
+had	AUX
+filled	VERB
+out	ADP
+in	ADP
+the	DET
+hospital	NOUN
+and	CCONJ
+was	AUX
+supposed	VERB
+to	PART
+go	VERB
+to	ADP
+city	NOUN
+hall	NOUN
+within	ADP
+90	NUM
+days	NOUN
+.	PUNCT
+
+Two	NUM
+years	NOUN
+later	ADV
+when	ADV
+I	PRON
+got	VERB
+around	ADV
+to	SCONJ
+filling	VERB
+for	ADP
+his	PRON
+birth	NOUN
+certificate	NOUN
+,	PUNCT
+I	PRON
+find	VERB
+out	ADP
+he	PRON
+was	AUX
+never	ADV
+registered	VERB
+.	PUNCT
+
+I	PRON
+had	VERB
+to	PART
+call	VERB
+the	DET
+Office	PROPN
+of	ADP
+the	DET
+Registrar	PROPN
+General	PROPN
+in	ADP
+Thunder	PROPN
+Bay	PROPN
+,	PUNCT
+have	VERB
+copies	NOUN
+of	ADP
+the	DET
+delayed	ADJ
+registration	NOUN
+form	NOUN
+mailed	VERB
+out	ADV
+to	ADP
+me	PRON
+,	PUNCT
+as	SCONJ
+they	PRON
+do	AUX
+n't	PART
+have	VERB
+an	DET
+online	ADJ
+area	NOUN
+for	ADP
+it	PRON
+yet	ADV
+,	PUNCT
+fill	VERB
+those	PRON
+out	ADP
+,	PUNCT
+send	VERB
+them	PRON
+away	ADV
+,	PUNCT
+then	ADV
+apply	VERB
+for	ADP
+his	PRON
+birth	NOUN
+certificate	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+are	AUX
+just	ADV
+applying	VERB
+for	ADP
+a	DET
+birth	NOUN
+certificate	NOUN
+for	ADP
+the	DET
+first	ADJ
+time	NOUN
+,	PUNCT
+it	PRON
+s	AUX
+simple	ADJ
+to	PART
+do	VERB
+it	PRON
+over	ADP
+the	DET
+computer	NOUN
+.	PUNCT
+
+For	ADP
+$	SYM
+56	NUM
+you	PRON
+can	AUX
+even	ADV
+have	VERB
+it	PRON
+expedited	VERB
+and	CCONJ
+will	AUX
+get	VERB
+in	ADP
+three	NUM
+business	NOUN
+days	NOUN
+or	CCONJ
+your	PRON
+money	NOUN
+back	ADV
+.	PUNCT
+
+This	PRON
+is	AUX
+in	ADP
+Ontario	PROPN
+of	ADV
+course	ADV
+,	PUNCT
+the	DET
+rates	NOUN
+may	AUX
+be	AUX
+slightly	ADV
+different	ADJ
+for	ADP
+other	ADJ
+provinces	NOUN
+/	PUNCT
+territories	NOUN
+.	PUNCT
+
+You	PRON
+just	ADV
+need	VERB
+basic	ADJ
+information	NOUN
+,	PUNCT
+and	CCONJ
+answer	VERB
+a	DET
+few	ADJ
+questions	NOUN
+like	ADP
+what	DET
+hospital	NOUN
+was	AUX
+the	DET
+child	NOUN
+born	VERB
+at	ADP
+/	PUNCT
+who	PRON
+was	AUX
+the	DET
+doctor	NOUN
+....	PUNCT
+
+None	NOUN
+,	PUNCT
+just	ADV
+walk	VERB
+in	X
+to	ADP
+the	DET
+service	NOUN
+office	NOUN
+and	CCONJ
+present	VERB
+all	DET
+the	DET
+identification	NOUN
+you	PRON
+have	VERB
+to	PART
+prove	VERB
+your	PRON
+identity	NOUN
+.	PUNCT
+
+they	PRON
+may	AUX
+then	ADV
+chose	VERB
+to	PART
+ask	VERB
+you	PRON
+to	PART
+bring	VERB
+more	ADJ
+evidence	NOUN
+,	PUNCT
+or	CCONJ
+just	ADV
+look	VERB
+up	ADP
+the	DET
+record	NOUN
+and	CCONJ
+hand	VERB
+you	PRON
+the	DET
+certificate	NOUN
+.	PUNCT
+
+You	PRON
+can	AUX
+probably	ADV
+do	VERB
+it	PRON
+all	DET
+on	ADV
+-	PUNCT
+line	ADV
+.	PUNCT
+
+Start	VERB
+here	ADV
+if	SCONJ
+you	PRON
+were	AUX
+born	VERB
+in	ADP
+Ontario	PROPN
+.	PUNCT
+
+http://www.ontario.ca/en/information_bundle/birthcertificates/119274.html	X
+
+If	SCONJ
+you	PRON
+were	AUX
+born	VERB
+elsewhere	ADV
+,	PUNCT
+start	VERB
+here	ADV
+.	PUNCT
+
+http://www.ontario.ca/en/information_bundle/birthcertificates/119275.html	X
+
+Good	ADJ
+luck	NOUN
+
+My	PRON
+parents	NOUN
+did	AUX
+n't	PART
+send	VERB
+for	ADP
+my	PRON
+birth	NOUN
+certificate	NOUN
+until	SCONJ
+I	PRON
+was	AUX
+16	NUM
+and	CCONJ
+needed	VERB
+it	PRON
+for	ADP
+summer	NOUN
+employment	NOUN
+.	PUNCT
+
+It	PRON
+was	AUX
+no	DET
+problem	NOUN
+to	PART
+get	VERB
+PROVIDED	VERB
+the	DET
+birth	NOUN
+was	AUX
+registered	VERB
+in	ADP
+the	DET
+first	ADJ
+place	NOUN
+.	PUNCT
+
+I	PRON
+add	VERB
+that	PRON
+in	ADV
+because	SCONJ
+there	PRON
+have	AUX
+been	VERB
+some	DET
+people	NOUN
+who	PRON
+have	AUX
+tried	VERB
+to	PART
+claim	VERB
+citizenship	NOUN
+by	SCONJ
+sending	VERB
+for	ADP
+their	PRON
+birth	NOUN
+certificate	NOUN
+when	ADV
+they	PRON
+were	AUX
+never	ADV
+really	ADV
+born	VERB
+in	ADP
+Canada	PROPN
+or	CCONJ
+to	ADP
+Canadian	ADJ
+parents	NOUN
+.	PUNCT
+
+When	ADV
+a	DET
+child	NOUN
+is	AUX
+born	VERB
+in	ADP
+Canada	PROPN
+the	DET
+birth	NOUN
+is	AUX
+registered	VERB
+before	SCONJ
+the	DET
+baby	NOUN
+can	AUX
+leave	VERB
+the	DET
+hospital	NOUN
+.	PUNCT
+
+As	ADV
+long	ADV
+as	SCONJ
+that	PRON
+was	AUX
+done	VERB
+you	PRON
+can	AUX
+send	VERB
+for	ADP
+it	PRON
+at	ADP
+any	DET
+time	NOUN
+.	PUNCT
+
+Each	DET
+provincial	ADJ
+government	NOUN
+has	VERB
+a	DET
+website	NOUN
+that	PRON
+lists	VERB
+the	DET
+process	NOUN
+for	ADP
+that	DET
+Province	PROPN
+so	ADV
+depending	VERB
+upon	SCONJ
+where	ADV
+you	PRON
+were	AUX
+born	VERB
+you	PRON
+can	AUX
+google	VERB
+it	PRON
+.	PUNCT
+
+Royal	PROPN
+Caribbean	PROPN
+or	CCONJ
+Carnival	PROPN
+cruise	NOUN
+?	PUNCT
+
+ONLY	ADV
+IF	SCONJ
+YOU	PRON
+HAVE	AUX
+BEEN	AUX
+ON	ADP
+BOARD	ADP
+*	PUNCT
+BOTH	DET
+*	PUNCT
+!!	PUNCT
+
+i	PRON
+want	VERB
+to	PART
+know	VERB
+which	PRON
+you	PRON
+liked	VERB
+better	ADV
+and	CCONJ
+WHY	ADV
+?	PUNCT
+
+include	VERB
+which	DET
+one	NOUN
+had	VERB
+:	PUNCT
+
+-	PUNCT
+better	ADJ
+food	NOUN
+
+-	PUNCT
+more	ADJ
+fun	ADJ
+activities	NOUN
+
+-	PUNCT
+more	ADJ
+teens	NOUN
+
+-	PUNCT
+AND	CCONJ
+JUST	ADV
+MORE	ADJ
+STUFF	PROPN
+YOU	PRON
+LIKED	VERB
+OVERALL	ADV
+
+please	INTJ
+specify	VERB
+which	DET
+royal	PROPN
+or	CCONJ
+carnival	PROPN
+ship	NOUN
+(:	SYM
+
+Carnival	PROPN
+and	CCONJ
+Royal	PROPN
+Caribbean	PROPN
+are	AUX
+two	NUM
+popular	ADJ
+cruise	NOUN
+lines	NOUN
+that	PRON
+have	VERB
+strong	ADJ
+followings	NOUN
+.	PUNCT
+
+Some	DET
+cruise	NOUN
+aficionados	NOUN
+refuse	VERB
+to	PART
+sail	VERB
+on	ADP
+one	NUM
+or	CCONJ
+the	DET
+other	ADJ
+.	PUNCT
+
+Are	VERB
+there	PRON
+any	DET
+major	ADJ
+differences	NOUN
+between	ADP
+them	PRON
+?	PUNCT
+
+Explore	VERB
+which	DET
+cruise	NOUN
+may	AUX
+fit	VERB
+your	PRON
+needs	NOUN
+the	DET
+best	ADV
+.	PUNCT
+
+For	ADP
+our	PRON
+comparison	NOUN
+we	PRON
+sailed	VERB
+on	ADP
+two	NUM
+similar	ADJ
+ships	NOUN
+-	PUNCT
+the	DET
+Carnival	PROPN
+Liberty	PROPN
+and	CCONJ
+the	DET
+Royal	PROPN
+Caribbean	PROPN
+Mariner	PROPN
+of	ADP
+the	DET
+Seas	PROPN
+.	PUNCT
+
+Itinerary	NOUN
+Both	DET
+ships	NOUN
+go	VERB
+to	ADP
+Caribbean	ADJ
+Islands	NOUN
+like	ADP
+Jamaica	PROPN
+,	PUNCT
+Grand	PROPN
+Cayman	PROPN
+,	PUNCT
+Cozumel	PROPN
+,	PUNCT
+St.	PROPN
+Thomas	PROPN
+,	PUNCT
+the	DET
+Bahamas	PROPN
+and	CCONJ
+St.	PROPN
+Martin	PROPN
+/	PUNCT
+St.	PROPN
+Maarten	PROPN
+.	PUNCT
+
+The	DET
+Liberty	PROPN
+also	ADV
+visited	VERB
+its	PRON
+private	ADJ
+island	NOUN
+Half	PROPN
+Moon	PROPN
+Cay	PROPN
+,	PUNCT
+Puerto	PROPN
+Rico	PROPN
+,	PUNCT
+and	CCONJ
+Grand	PROPN
+Turk	PROPN
+.	PUNCT
+
+The	DET
+Mariner	PROPN
+of	ADP
+the	DET
+Seas	PROPN
+traveled	VERB
+to	ADP
+its	PRON
+private	ADJ
+island	NOUN
+Coco	PROPN
+Cay	PROPN
+and	CCONJ
+Labadee	PROPN
+(	PUNCT
+the	DET
+north	ADJ
+coast	NOUN
+of	ADP
+Haiti	PROPN
+)	PUNCT
+.	PUNCT
+
+We	PRON
+loved	VERB
+most	ADJ
+of	ADP
+the	DET
+locations	NOUN
+that	PRON
+both	DET
+of	ADP
+the	DET
+ships	NOUN
+visited	VERB
+and	CCONJ
+do	AUX
+n't	PART
+believe	VERB
+that	SCONJ
+this	PRON
+should	AUX
+be	AUX
+a	DET
+distinguishing	ADJ
+factor	NOUN
+on	SCONJ
+deciding	VERB
+between	ADP
+the	DET
+cruise	NOUN
+lines	NOUN
+.	PUNCT
+
+Shows	NOUN
+Each	DET
+night	NOUN
+there	PRON
+are	VERB
+a	DET
+variety	NOUN
+of	ADP
+shows	NOUN
+.	PUNCT
+
+Usually	ADV
+you	PRON
+have	VERB
+the	DET
+main	ADJ
+show	NOUN
+and	CCONJ
+some	DET
+type	NOUN
+of	ADP
+entertainment	NOUN
+before	ADV
+and	CCONJ
+perhaps	ADV
+afterward	ADV
+.	PUNCT
+
+We	PRON
+felt	VERB
+that	SCONJ
+the	DET
+main	ADJ
+shows	NOUN
+on	ADP
+the	DET
+Mariner	PROPN
+of	ADP
+the	DET
+Seas	PROPN
+were	AUX
+better	ADJ
+.	PUNCT
+
+On	ADP
+the	DET
+Liberty	PROPN
+we	PRON
+liked	VERB
+the	DET
+comedian	NOUN
+and	CCONJ
+juggling	NOUN
+act	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+love	VERB
+seeing	VERB
+the	DET
+shows	NOUN
+,	PUNCT
+Royal	PROPN
+Caribbean	PROPN
+was	AUX
+better	ADJ
+for	ADP
+the	DET
+main	ADJ
+shows	NOUN
+and	CCONJ
+Carnival	PROPN
+was	AUX
+slightly	ADV
+better	ADJ
+for	ADP
+the	DET
+comedians	NOUN
+.	PUNCT
+
+Dining	NOUN
+Room	NOUN
+We	PRON
+enjoyed	VERB
+the	DET
+atmosphere	NOUN
+of	ADP
+both	DET
+dining	NOUN
+rooms	NOUN
+on	ADP
+the	DET
+Liberty	PROPN
+and	CCONJ
+Mariner	PROPN
+of	ADP
+the	DET
+Seas	PROPN
+.	PUNCT
+
+We	PRON
+felt	VERB
+that	SCONJ
+the	DET
+menu	NOUN
+had	VERB
+a	DET
+little	ADJ
+more	ADJ
+variety	NOUN
+on	ADP
+the	DET
+Mariner	PROPN
+of	ADP
+the	DET
+Seas	PROPN
+.	PUNCT
+
+Friendliness	NOUN
+of	ADP
+staff	NOUN
+The	DET
+Liberty	PROPN
+and	CCONJ
+Mariner	PROPN
+of	ADP
+the	DET
+Seas	PROPN
+both	DET
+get	VERB
+high	ADJ
+grades	NOUN
+.	PUNCT
+
+We	PRON
+did	AUX
+have	VERB
+one	NUM
+waiter	NOUN
+that	PRON
+complained	VERB
+some	ADV
+on	ADP
+one	NUM
+of	ADP
+our	PRON
+trips	NOUN
+on	ADP
+the	DET
+Mariner	PROPN
+.	PUNCT
+
+We	PRON
+had	VERB
+a	DET
+slightly	ADV
+better	ADJ
+experience	NOUN
+on	ADP
+the	DET
+Liberty	PROPN
+,	PUNCT
+but	CCONJ
+feel	VERB
+that	SCONJ
+both	DET
+crews	NOUN
+did	VERB
+an	DET
+excellent	ADJ
+job	NOUN
+and	CCONJ
+that	SCONJ
+this	PRON
+should	AUX
+not	PART
+be	AUX
+a	DET
+distinguishing	ADJ
+factor	NOUN
+on	SCONJ
+choosing	VERB
+a	DET
+cruise	NOUN
+.	PUNCT
+
+Pools	NOUN
+The	DET
+Mariner	PROPN
+of	ADP
+the	DET
+Seas	PROPN
+and	CCONJ
+Liberty	PROPN
+both	DET
+had	VERB
+salt	NOUN
+water	NOUN
+pools	NOUN
+-	PUNCT
+which	PRON
+most	ADJ
+cruise	NOUN
+ships	NOUN
+have	VERB
+.	PUNCT
+
+They	PRON
+both	DET
+had	VERB
+pools	NOUN
+for	ADP
+kids	NOUN
+and	CCONJ
+adults	NOUN
+.	PUNCT
+
+We	PRON
+liked	VERB
+the	DET
+Liberty	PROPN
+'s	PART
+pools	NOUN
+better	ADV
+because	SCONJ
+one	NUM
+had	VERB
+a	DET
+slide	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+have	VERB
+kids	NOUN
+,	PUNCT
+this	PRON
+would	AUX
+be	AUX
+something	PRON
+that	PRON
+they	PRON
+would	AUX
+definitely	ADV
+enjoy	VERB
+.	PUNCT
+
+Spa	NOUN
+We	PRON
+tried	VERB
+the	DET
+spa	NOUN
+on	ADP
+the	DET
+Liberty	PROPN
+and	CCONJ
+loved	VERB
+it	PRON
+.	PUNCT
+
+We	PRON
+did	AUX
+not	PART
+try	VERB
+the	DET
+spa	NOUN
+on	ADP
+the	DET
+Mariner	PROPN
+of	ADP
+the	DET
+Seas	PROPN
+.	PUNCT
+
+Usually	ADV
+you	PRON
+ca	AUX
+n't	PART
+go	VERB
+wrong	ADV
+when	ADV
+getting	VERB
+a	DET
+spa	NOUN
+treatment	NOUN
+......	PUNCT
+
+Royal	PROPN
+Caribbean	PROPN
+is	AUX
+better	ADJ
+,	PUNCT
+but	CCONJ
+the	DET
+best	ADJ
+cruiseline	NOUN
+is	AUX
+Regent	PROPN
+Seven	PROPN
+Seas	PROPN
+.	PUNCT
+
+Look	VERB
+on	ADP
+their	PRON
+website	NOUN
+rssc.com	X
+
+Royal	PROPN
+Caribbean	PROPN
+.	PUNCT
+
+Carnival	PROPN
+has	AUX
+been	AUX
+called	VERB
+the	DET
+WalMart	PROPN
+of	ADP
+cruise	NOUN
+lines	NOUN
+...	PUNCT
+
+What	DET
+countries	NOUN
+are	AUX
+the	DET
+best	ADJ
+to	PART
+travel	VERB
+to	ADP
+?	PUNCT
+
+I	PRON
+really	ADV
+want	VERB
+to	PART
+travel	VERB
+when	ADV
+I	PRON
+leave	VERB
+school	NOUN
+!	PUNCT
+
+Where	ADV
+in	ADP
+the	DET
+states	PROPN
+could	AUX
+I	PRON
+go	VERB
+?	PUNCT
+
+Where	ADV
+in	ADP
+Europe	PROPN
+?	PUNCT
+
+Have	AUX
+you	PRON
+every	ADV
+traveled	VERB
+before	ADV
+?	PUNCT
+
+How	ADV
+long	ADV
+should	AUX
+I	PRON
+go	VERB
+for	ADP
+to	ADP
+each	DET
+place	NOUN
+?	PUNCT
+
+(	PUNCT
+I	PRON
+Have	VERB
+1	NUM
+year	NOUN
+before	ADP
+collage	NOUN
+!	PUNCT
+)	PUNCT
+
+&	CCONJ
+Also	ADV
+how	ADV
+much	ADJ
+money	NOUN
+would	AUX
+I	PRON
+need	VERB
+?	PUNCT
+
+So	ADV
+I	PRON
+can	AUX
+start	VERB
+saving	VERB
+now	ADV
+hehe	INTJ
+
+Thanks	NOUN
+:)	SYM
+
+I	PRON
+mean	VERB
+when	ADV
+I	PRON
+graduate	VERB
+&	CCONJ
+yes	INTJ
+,	PUNCT
+college	NOUN
+,	PUNCT
+sorry	INTJ
+for	ADP
+the	DET
+typo	NOUN
+.	PUNCT
+
+Leave	VERB
+High	PROPN
+School	PROPN
+?	PUNCT
+
+Not	PART
+the	DET
+smartest	ADJ
+move	NOUN
+to	PART
+take	VERB
+off	ADP
+on	ADP
+a	DET
+worldly	ADJ
+adventure	NOUN
+if	SCONJ
+you	PRON
+'ve	AUX
+never	ADV
+traveled	VERB
+before	ADV
+and	CCONJ
+you	PRON
+do	AUX
+n't	PART
+put	VERB
+where	ADV
+you	PRON
+would	AUX
+be	AUX
+traveling	VERB
+from	ADP
+.	PUNCT
+
+In	ADP
+the	DET
+United	PROPN
+States	PROPN
+?	PUNCT
+
+Lots	NOUN
+of	ADP
+places	NOUN
+.	PUNCT
+
+There	PRON
+are	VERB
+50	NUM
+of	ADP
+them	PRON
+,	PUNCT
+48	NUM
+located	VERB
+from	ADP
+Maine	PROPN
+to	ADP
+Florida	PROPN
+and	CCONJ
+California	PROPN
+to	ADP
+Washington	PROPN
+State	PROPN
+and	CCONJ
+all	ADV
+in	ADP
+between	ADV
+.	PUNCT
+
+There	PRON
+are	VERB
+2	NUM
+more	ADJ
+located	VERB
+outside	ADP
+of	ADP
+the	DET
+main	ADJ
+continent	NOUN
+with	ADP
+Alaska	PROPN
+way	ADV
+to	ADP
+the	DET
+north	NOUN
+and	CCONJ
+Hawaii	PROPN
+in	ADP
+the	DET
+Pacific	PROPN
+.	PUNCT
+
+What	PRON
+do	AUX
+you	PRON
+like	VERB
+to	PART
+do	VERB
+?	PUNCT
+
+Big	ADJ
+Cities	NOUN
+like	ADP
+New	PROPN
+York	PROPN
+,	PUNCT
+Boston	PROPN
+,	PUNCT
+Philadelphia	PROPN
+on	ADP
+the	DET
+East	PROPN
+Coast	PROPN
+.	PUNCT
+
+Beaches	NOUN
+and	CCONJ
+Disney	PROPN
+of	ADP
+Florida	PROPN
+or	CCONJ
+the	DET
+Mid	X
+Atlantic	PROPN
+cities	NOUN
+of	ADP
+Atlanta	PROPN
+,	PUNCT
+Savannah	PROPN
+,	PUNCT
+Charleston	PROPN
+.	PUNCT
+
+The	DET
+federal	ADJ
+sites	NOUN
+of	ADP
+Washington	PROPN
+,	PUNCT
+DC	PROPN
+.	PUNCT
+
+Southern	ADJ
+charm	NOUN
+of	ADP
+Nashville	PROPN
+,	PUNCT
+Birmingham	PROPN
+,	PUNCT
+New	PROPN
+Orleans	PROPN
+or	CCONJ
+Charlotte	PROPN
+.	PUNCT
+
+West	PROPN
+Coast	PROPN
+hot	ADJ
+spots	NOUN
+like	ADP
+Seattle	PROPN
+,	PUNCT
+Portland	PROPN
+,	PUNCT
+San	PROPN
+Francisco	PROPN
+,	PUNCT
+Los	PROPN
+Angeles	PROPN
+or	CCONJ
+San	PROPN
+Diego	PROPN
+.	PUNCT
+
+Europe	PROPN
+?	PUNCT
+
+Just	ADV
+as	ADV
+numerous	ADJ
+as	ADP
+the	DET
+possibilities	NOUN
+of	ADP
+the	DET
+US	PROPN
+.	PUNCT
+
+Do	AUX
+you	PRON
+speak	VERB
+a	DET
+foreign	ADJ
+language	NOUN
+?	PUNCT
+
+I	PRON
+could	AUX
+spend	VERB
+a	DET
+year	NOUN
+in	ADP
+Spain	PROPN
+alone	ADV
+.	PUNCT
+
+From	ADP
+Madrid	PROPN
+to	ADP
+Seville	PROPN
+to	ADP
+Barcelona	PROPN
+an	CCONJ
+Valencia	PROPN
+.	PUNCT
+
+Bilboa	PROPN
+on	ADP
+the	DET
+north	NOUN
+coast	NOUN
+,	PUNCT
+Pamplona	PROPN
+and	CCONJ
+the	DET
+very	ADV
+famous	ADJ
+Guernica	PROPN
+.	PUNCT
+
+A	DET
+road	NOUN
+trip	NOUN
+to	ADP
+Lisbon	PROPN
+and	CCONJ
+the	DET
+Algarve	PROPN
+in	ADP
+Portugal	PROPN
+before	ADP
+a	DET
+mountain	NOUN
+escape	NOUN
+in	ADP
+the	DET
+Pyrenees	PROPN
+and	CCONJ
+a	DET
+stop	NOUN
+in	ADP
+Andorra	PROPN
+before	SCONJ
+heading	VERB
+over	ADV
+to	ADP
+France	PROPN
+and	CCONJ
+Italy	PROPN
+and	CCONJ
+Austria	PROPN
+and	CCONJ
+Switzerland	PROPN
+.	PUNCT
+
+I	PRON
+'ve	AUX
+traveled	VERB
+to	ADP
+all	DET
+of	ADP
+these	DET
+places	NOUN
+and	CCONJ
+could	AUX
+certainly	ADV
+tailor	VERB
+a	DET
+trip	NOUN
+to	ADP
+your	PRON
+needs	NOUN
+based	VERB
+on	ADP
+budget	NOUN
+,	PUNCT
+actual	ADJ
+time	NOUN
+allowed	VERB
+,	PUNCT
+your	PRON
+likes	NOUN
+and	CCONJ
+dislikes	NOUN
+.	PUNCT
+
+Amount	NOUN
+of	ADP
+time	NOUN
+could	AUX
+be	AUX
+dependent	ADJ
+on	ADP
+so	ADV
+many	ADJ
+things	NOUN
+.	PUNCT
+
+Do	AUX
+you	PRON
+want	VERB
+to	PART
+see	VERB
+all	DET
+the	DET
+sites	NOUN
+or	CCONJ
+simply	ADV
+a	DET
+few	ADJ
+photos	NOUN
+and	CCONJ
+on	ADP
+your	PRON
+way	NOUN
+to	ADP
+the	DET
+next	ADJ
+place	NOUN
+.	PUNCT
+
+Does	AUX
+your	PRON
+budget	NOUN
+limit	VERB
+you	PRON
+to	SCONJ
+how	ADV
+long	ADV
+you	PRON
+can	AUX
+stay	VERB
+in	ADP
+each	DET
+place	NOUN
+?	PUNCT
+
+You	PRON
+need	VERB
+a	DET
+lot	NOUN
+of	ADP
+money	NOUN
+for	ADP
+hotels	NOUN
+,	PUNCT
+airfare	NOUN
+,	PUNCT
+seeing	VERB
+the	DET
+sites	NOUN
+,	PUNCT
+food	NOUN
+,	PUNCT
+local	ADJ
+transport	NOUN
+-	PUNCT
+you	PRON
+name	VERB
+it	PRON
+but	CCONJ
+life	NOUN
+costs	VERB
+.	PUNCT
+
+Once	SCONJ
+you	PRON
+have	VERB
+a	DET
+budget	NOUN
+or	CCONJ
+an	DET
+amount	NOUN
+in	ADP
+the	DET
+bank	NOUN
+then	ADV
+you	PRON
+'ll	AUX
+be	AUX
+able	ADJ
+to	PART
+figure	VERB
+out	ADP
+where	ADV
+you	PRON
+can	AUX
+go	VERB
+,	PUNCT
+for	ADP
+how	ADV
+long	ADV
+you	PRON
+can	AUX
+go	VERB
+and	CCONJ
+what	PRON
+you	PRON
+can	AUX
+do	VERB
+when	ADV
+you	PRON
+'re	AUX
+there	ADV
+.	PUNCT
+
+1	NUM
+year	NOUN
+before	ADP
+collage	NOUN
+or	CCONJ
+college	NOUN
+?	PUNCT
+
+Good	ADJ
+luck	NOUN
+.	PUNCT
+
+I	PRON
+recommend	VERB
+buying	VERB
+a	DET
+single	ADJ
+unlimited	ADJ
+Europass	PROPN
+and	CCONJ
+travelling	VERB
+anywhere	NOUN
+in	ADP
+the	DET
+EU	PROPN
+your	PRON
+heart	NOUN
+desires	VERB
+.	PUNCT
+
+You	PRON
+ca	AUX
+n't	PART
+beat	VERB
+the	DET
+price	NOUN
+for	SCONJ
+what	PRON
+you	PRON
+get	VERB
+.	PUNCT
+
+come	VERB
+to	ADP
+Africa	PROPN
+.	PUNCT
+
+Nigeria	PROPN
+,	PUNCT
+a	DET
+lovely	ADJ
+country	NOUN
+.	PUNCT
+
+But	CCONJ
+where	ADV
+in	ADP
+nigeria	PROPN
+?	PUNCT
+
+Obudu	PROPN
+cattle	NOUN
+ranch	NOUN
+.	PUNCT
+
+More	ADJ
+than	ADP
+a	DET
+tourist	NOUN
+centre	NOUN
+.	PUNCT
+
+How	ADV
+do	AUX
+you	PRON
+make	VERB
+your	PRON
+cat	NOUN
+adjust	VERB
+to	ADP
+a	DET
+new	ADJ
+house	NOUN
+?	PUNCT
+
+Me	PRON
+and	CCONJ
+my	PRON
+family	NOUN
+are	AUX
+moving	VERB
+into	ADP
+a	DET
+new	ADJ
+house	NOUN
+just	ADV
+outside	ADP
+a	DET
+small	ADJ
+town	NOUN
+.	PUNCT
+
+We	PRON
+are	AUX
+currently	ADV
+living	VERB
+a	DET
+mile	NOUN
+from	ADP
+the	DET
+town	NOUN
+in	ADP
+a	DET
+house	NOUN
+surrounded	VERB
+by	ADP
+fields	NOUN
+but	CCONJ
+the	DET
+new	ADJ
+house	NOUN
+is	AUX
+beside	ADP
+a	DET
+busy	ADJ
+road	NOUN
+.	PUNCT
+
+We	PRON
+have	AUX
+had	VERB
+the	DET
+cat	NOUN
+for	ADP
+10	NUM
+years	NOUN
+and	CCONJ
+do	AUX
+nt	PART
+want	VERB
+to	PART
+leave	VERB
+it	PRON
+.	PUNCT
+
+How	ADV
+could	AUX
+we	PRON
+make	VERB
+it	PRON
+settle	VERB
+in	ADP
+a	DET
+new	ADJ
+house	NOUN
+.	PUNCT
+
+you	PRON
+are	AUX
+not	PART
+just	ADV
+moving	VERB
+house	NOUN
+-	PUNCT
+your	PRON
+cat	NOUN
+is	AUX
+losing	VERB
+his	PRON
+territory	NOUN
+.	PUNCT
+
+territory	NOUN
+is	AUX
+very	ADV
+important	ADJ
+to	ADP
+cats	NOUN
+,	PUNCT
+and	CCONJ
+they	PRON
+are	AUX
+very	ADV
+nervous	ADJ
+when	ADV
+they	PRON
+go	VERB
+into	ADP
+a	DET
+new	ADJ
+place	NOUN
+-	PUNCT
+a	DET
+new	ADJ
+house	NOUN
+could	AUX
+be	AUX
+full	ADJ
+of	ADP
+predators	NOUN
+,	PUNCT
+or	CCONJ
+unknown	ADJ
+menaces	NOUN
+-	PUNCT
+well	INTJ
+at	ADV
+least	ADV
+he	PRON
+thinks	VERB
+so	ADV
+.	PUNCT
+
+you	PRON
+will	AUX
+need	VERB
+to	PART
+give	VERB
+him	PRON
+only	ADV
+a	DET
+small	ADJ
+place	NOUN
+to	PART
+explore	VERB
+,	PUNCT
+so	SCONJ
+he	PRON
+can	AUX
+make	VERB
+it	PRON
+his	PRON
+territory	NOUN
+,	PUNCT
+and	CCONJ
+feel	VERB
+safe	ADJ
+there	ADV
+.	PUNCT
+
+then	ADV
+,	PUNCT
+he	PRON
+can	AUX
+have	VERB
+a	DET
+place	NOUN
+to	PART
+retreat	VERB
+to	ADP
+when	ADV
+he	PRON
+feels	VERB
+scared	ADJ
+.	PUNCT
+
+you	PRON
+will	AUX
+need	VERB
+to	PART
+get	VERB
+his	PRON
+box	NOUN
+and	CCONJ
+bowls	NOUN
+,	PUNCT
+and	CCONJ
+whatever	DET
+blanket	NOUN
+and	CCONJ
+toys	NOUN
+are	AUX
+his	PRON
+,	PUNCT
+and	CCONJ
+smell	VERB
+like	ADP
+home	NOUN
+,	PUNCT
+and	CCONJ
+put	VERB
+him	PRON
+in	ADP
+a	DET
+room	NOUN
+.	PUNCT
+
+the	DET
+room	NOUN
+you	PRON
+sleep	VERB
+in	ADP
+is	AUX
+best	ADJ
+(	PUNCT
+seeing	VERB
+you	PRON
+so	ADV
+relaxed	ADJ
+that	SCONJ
+you	PRON
+are	AUX
+sleeping	VERB
+will	AUX
+send	VERB
+the	DET
+message	NOUN
+that	SCONJ
+everything	PRON
+is	AUX
+OK	ADJ
+)	PUNCT
+,	PUNCT
+but	CCONJ
+others	NOUN
+will	AUX
+work	VERB
+just	ADV
+as	ADV
+well	ADV
+.	PUNCT
+
+close	VERB
+the	DET
+door	NOUN
+,	PUNCT
+and	CCONJ
+keep	VERB
+him	PRON
+in	ADP
+there	ADV
+for	ADP
+a	DET
+week	NOUN
+.	PUNCT
+
+he	PRON
+will	AUX
+feel	VERB
+much	ADV
+safer	ADJ
+in	ADP
+that	DET
+one	NUM
+room	NOUN
+,	PUNCT
+than	ADP
+in	ADP
+a	DET
+huge	ADJ
+unknown	ADJ
+house	NOUN
+.	PUNCT
+
+he	PRON
+will	AUX
+explore	VERB
+the	DET
+room	NOUN
+,	PUNCT
+mark	VERB
+everything	PRON
+with	ADP
+his	PRON
+cheek	NOUN
+,	PUNCT
+and	CCONJ
+try	VERB
+to	PART
+make	VERB
+it	PRON
+feel	VERB
+like	ADP
+his	PRON
+territory	NOUN
+.	PUNCT
+
+he	PRON
+will	AUX
+reassure	VERB
+himself	PRON
+that	SCONJ
+no	DET
+other	ADJ
+animal	NOUN
+is	AUX
+in	ADP
+there	ADV
+,	PUNCT
+and	CCONJ
+that	SCONJ
+no	DET
+other	ADJ
+animal	NOUN
+will	AUX
+come	VERB
+in	ADV
+-	PUNCT
+he	PRON
+is	AUX
+afraid	ADJ
+that	SCONJ
+he	PRON
+is	AUX
+in	ADP
+someone	PRON
+else	ADJ
+'s	PART
+territory	NOUN
+when	ADV
+he	PRON
+is	AUX
+in	ADP
+a	DET
+new	ADJ
+house	NOUN
+.	PUNCT
+
+in	ADP
+a	DET
+week	NOUN
+'s	PART
+time	NOUN
+,	PUNCT
+he	PRON
+will	AUX
+have	AUX
+made	VERB
+it	PRON
+his	PRON
+,	PUNCT
+and	CCONJ
+will	AUX
+be	AUX
+getting	VERB
+more	ADJ
+bored	ADJ
+than	ADP
+afraid	ADJ
+.	PUNCT
+
+let	VERB
+him	PRON
+out	ADP
+for	ADP
+half	DET
+an	DET
+hour	NOUN
+,	PUNCT
+to	PART
+explore	VERB
+.	PUNCT
+
+then	ADV
+put	VERB
+him	PRON
+back	ADV
+in	ADV
+.	PUNCT
+
+he	PRON
+will	AUX
+be	AUX
+freaked	VERB
+out	ADP
+,	PUNCT
+so	ADV
+going	VERB
+back	ADV
+to	ADP
+his	PRON
+territory	NOUN
+will	AUX
+make	VERB
+him	PRON
+much	ADV
+happier	ADJ
+.	PUNCT
+
+extend	VERB
+the	DET
+time	NOUN
+he	PRON
+is	AUX
+out	ADV
+each	DET
+day	NOUN
+,	PUNCT
+but	CCONJ
+for	ADP
+the	DET
+first	ADJ
+month	NOUN
+,	PUNCT
+always	ADV
+put	VERB
+him	PRON
+in	ADP
+his	PRON
+room	NOUN
+at	ADP
+night	NOUN
+,	PUNCT
+so	SCONJ
+he	PRON
+feels	VERB
+safe	ADJ
+to	PART
+sleep	VERB
+.	PUNCT
+
+soon	ADV
+he	PRON
+will	AUX
+make	VERB
+the	DET
+whole	ADJ
+house	NOUN
+his	PRON
+,	PUNCT
+but	CCONJ
+he	PRON
+needs	VERB
+that	DET
+one	NUM
+safe	ADJ
+place	NOUN
+to	PART
+start	VERB
+from	ADP
+.	PUNCT
+
+remember	VERB
+to	PART
+visit	VERB
+with	ADP
+him	PRON
+while	SCONJ
+he	PRON
+is	AUX
+in	ADP
+the	DET
+room	NOUN
+,	PUNCT
+and	CCONJ
+tell	VERB
+him	PRON
+how	ADV
+good	ADJ
+he	PRON
+is	VERB
+.	PUNCT
+
+remember	VERB
+to	PART
+give	VERB
+him	PRON
+the	DET
+time	NOUN
+he	PRON
+needs	VERB
+to	PART
+feel	VERB
+that	SCONJ
+the	DET
+room	NOUN
+is	AUX
+his	PRON
+-	PUNCT
+rush	VERB
+it	PRON
+,	PUNCT
+and	CCONJ
+he	PRON
+will	AUX
+be	AUX
+afraid	ADJ
+of	ADP
+the	DET
+whole	ADJ
+house	NOUN
+for	ADP
+a	DET
+long	ADJ
+time	NOUN
+.	PUNCT
+
+he	PRON
+might	AUX
+even	ADV
+start	VERB
+peeing	VERB
+on	ADP
+things	NOUN
+in	ADP
+fear	NOUN
+.	PUNCT
+
+good	ADJ
+luck	NOUN
+with	ADP
+your	PRON
+new	ADJ
+house	NOUN
+and	CCONJ
+with	ADP
+his	PRON
+new	ADJ
+territory	NOUN
+!	PUNCT
+
+Let	VERB
+her	PRON
+explore	VERB
+when	ADV
+we	PRON
+moved	VERB
+my	PRON
+cat	NOUN
+had	VERB
+to	PART
+explore	VERB
+the	DET
+entire	ADJ
+house	NOUN
+before	SCONJ
+she	PRON
+felt	VERB
+comfortable	ADJ
+.	PUNCT
+
+In	ADP
+time	NOUN
+though	ADV
+she	PRON
+/	PUNCT
+he	PRON
+will	AUX
+adjust	VERB
+.	PUNCT
+:)	SYM
+
+they	PRON
+just	ADV
+do	VERB
+it	PRON
+on	ADP
+their	PRON
+own	ADJ
+.	PUNCT
+
+I	PRON
+just	ADV
+adopted	VERB
+a	DET
+2	NUM
+year	NOUN
+old	ADJ
+male	NOUN
+German	ADJ
+Shepherd	NOUN
+with	ADP
+Major	ADJ
+bad	ADJ
+behaviors	NOUN
+?	PUNCT
+
+Last	ADJ
+night	NOUN
+,	PUNCT
+I	PRON
+adopted	VERB
+a	DET
+2	NUM
+year	NOUN
+old	ADJ
+Male	ADJ
+German	ADJ
+Shepherd	NOUN
+.	PUNCT
+
+(	PUNCT
+He	PRON
+is	AUX
+92	NUM
+pounds	NOUN
+)	PUNCT
+He	PRON
+does	AUX
+not	PART
+listen	VERB
+to	ADP
+any	DET
+commands	NOUN
+,	PUNCT
+but	CCONJ
+my	PRON
+major	ADJ
+problem	NOUN
+is	VERB
+that	SCONJ
+he	PRON
+will	AUX
+not	PART
+go	VERB
+outside	ADV
+on	ADP
+command	NOUN
+,	PUNCT
+or	CCONJ
+even	ADV
+with	ADP
+me	PRON
+.	PUNCT
+
+I	PRON
+will	AUX
+walk	VERB
+outside	ADV
+and	CCONJ
+he	PRON
+will	AUX
+stand	VERB
+at	ADP
+the	DET
+door	NOUN
+and	CCONJ
+stare	VERB
+at	ADP
+me	PRON
+or	CCONJ
+run	VERB
+away	ADV
+.	PUNCT
+
+My	PRON
+other	ADJ
+MAJOR	ADJ
+problem	NOUN
+is	VERB
+that	SCONJ
+he	PRON
+will	AUX
+not	PART
+get	VERB
+in	ADP
+his	PRON
+crate	NOUN
+.	PUNCT
+
+I	PRON
+will	AUX
+get	VERB
+a	DET
+treat	NOUN
+and	CCONJ
+try	VERB
+to	PART
+get	VERB
+him	PRON
+in	ADP
+there	ADV
+that	DET
+way	NOUN
+,	PUNCT
+it	PRON
+wo	AUX
+nt	PART
+work	VERB
+.	PUNCT
+
+He	PRON
+wo	AUX
+nt	PART
+even	ADV
+get	VERB
+close	ADV
+to	ADP
+the	DET
+crate	NOUN
+.	PUNCT
+
+If	SCONJ
+I	PRON
+come	VERB
+towards	ADP
+him	PRON
+,	PUNCT
+he	PRON
+will	AUX
+run	VERB
+away	ADV
+.	PUNCT
+
+How	ADV
+do	AUX
+I	PRON
+train	VERB
+him	PRON
+to	PART
+feel	VERB
+comfortable	ADJ
+in	ADP
+his	PRON
+crate	NOUN
+?	PUNCT
+
+and	CCONJ
+to	PART
+willingly	ADV
+go	VERB
+outside	ADV
+...	PUNCT
+and	CCONJ
+to	PART
+come	VERB
+on	ADP
+command	NOUN
+.	PUNCT
+
+He	PRON
+wo	AUX
+nt	PART
+do	VERB
+anything	PRON
+on	ADP
+command	NOUN
+.	PUNCT
+
+It	PRON
+s	AUX
+very	ADV
+frustrating	ADJ
+.	PUNCT
+
+I	PRON
+have	VERB
+a	DET
+9	NUM
+month	NOUN
+old	ADJ
+German	ADJ
+Shepherd	NOUN
+that	PRON
+I	PRON
+raised	VERB
+from	ADP
+a	DET
+puppy	NOUN
+.	PUNCT
+
+I	PRON
+trained	VERB
+her	PRON
+myself	PRON
+.	PUNCT
+
+She	PRON
+is	AUX
+crate	NOUN
+trained	VERB
+,	PUNCT
+potty	NOUN
+trained	VERB
+,	PUNCT
+and	CCONJ
+can	AUX
+sit	VERB
+,	PUNCT
+lay	VERB
+down	ADV
+,	PUNCT
+stay	VERB
+,	PUNCT
+come	VERB
+,	PUNCT
+fetch	VERB
+,	PUNCT
+and	CCONJ
+will	AUX
+even	ADV
+stay	VERB
+in	ADP
+a	DET
+down	ADJ
+position	NOUN
+while	SCONJ
+I	PRON
+throw	VERB
+a	DET
+treat	NOUN
+across	ADP
+the	DET
+floor	NOUN
+or	CCONJ
+even	ADV
+right	ADV
+next	ADV
+to	ADP
+her	PRON
+paw	NOUN
+,	PUNCT
+and	CCONJ
+she	PRON
+wo	AUX
+nt	PART
+get	VERB
+it	PRON
+until	SCONJ
+I	PRON
+give	VERB
+her	PRON
+the	DET
+command	NOUN
+.	PUNCT
+
+Yes	INTJ
+,	PUNCT
+lots	NOUN
+of	ADP
+time	NOUN
+and	CCONJ
+lots	NOUN
+of	ADP
+patients	NOUN
+...	PUNCT
+
+I	PRON
+just	ADV
+do	AUX
+nt	PART
+know	VERB
+how	ADV
+to	PART
+do	VERB
+it	PRON
+with	ADP
+a	DET
+grown	VERB
+dog	NOUN
+.	PUNCT
+
+She	PRON
+tosses	VERB
+me	PRON
+around	ADP
+like	SCONJ
+it	PRON
+s	AUX
+nothing	PRON
+!	PUNCT
+
+...	PUNCT
+but	CCONJ
+basically	ADV
+,	PUNCT
+what	PRON
+I	PRON
+do	VERB
+is	AUX
+the	DET
+same	ADJ
+thing	NOUN
+I	PRON
+did	VERB
+with	ADP
+my	PRON
+puppy	NOUN
+...	PUNCT
+lots	NOUN
+of	ADP
+patience	NOUN
+,	PUNCT
+lots	NOUN
+of	ADP
+time	NOUN
+,	PUNCT
+lots	NOUN
+of	ADP
+praise	NOUN
+,	PUNCT
+lots	NOUN
+of	ADP
+treats	NOUN
+,	PUNCT
+and	CCONJ
+lots	NOUN
+of	ADP
+repition	NOUN
+....	PUNCT
+Right	INTJ
+?	PUNCT
+
+Is	VERB
+there	PRON
+any	DET
+tricks	NOUN
+I	PRON
+could	AUX
+use	VERB
+?	PUNCT
+
+Maybe	ADV
+get	VERB
+a	DET
+book	NOUN
+on	ADP
+training	NOUN
+.	PUNCT
+
+You	PRON
+have	VERB
+to	PART
+be	AUX
+in	ADP
+command	NOUN
+at	ADP
+all	DET
+times	NOUN
+.	PUNCT
+
+There	PRON
+are	VERB
+ways	NOUN
+to	PART
+get	VERB
+your	PRON
+new	ADJ
+dog	NOUN
+used	ADJ
+to	ADP
+the	DET
+crate	NOUN
+or	CCONJ
+going	VERB
+out	ADV
+.	PUNCT
+
+I	PRON
+would	AUX
+start	VERB
+with	ADP
+a	DET
+leash	NOUN
+.	PUNCT
+
+Put	VERB
+the	DET
+leash	NOUN
+on	ADP
+the	DET
+dog	NOUN
+and	CCONJ
+just	ADV
+walk	VERB
+around	ADP
+the	DET
+crate	NOUN
+a	DET
+few	ADJ
+times	NOUN
+.	PUNCT
+
+Then	ADV
+take	VERB
+the	DET
+leash	NOUN
+off	ADP
+and	CCONJ
+do	VERB
+nothing	PRON
+else	ADJ
+but	ADP
+that	PRON
+.	PUNCT
+
+Later	ADV
+do	VERB
+it	PRON
+again	ADV
+.	PUNCT
+
+When	ADV
+the	DET
+dog	NOUN
+is	AUX
+ok	ADJ
+with	ADP
+this	PRON
+,	PUNCT
+then	ADV
+open	VERB
+the	DET
+door	NOUN
+and	CCONJ
+walk	VERB
+around	ADP
+the	DET
+crate	NOUN
+,	PUNCT
+leave	VERB
+the	DET
+door	NOUN
+open	ADJ
+all	DET
+the	DET
+time	NOUN
+.	PUNCT
+
+Put	VERB
+something	PRON
+fun	ADJ
+inside	ADV
+.	PUNCT
+
+Let	VERB
+your	PRON
+dog	NOUN
+go	VERB
+in	ADV
+when	ADV
+he	PRON
+wants	VERB
+to	PART
+for	ADP
+no	DET
+reason	NOUN
+.	PUNCT
+
+Do	AUX
+not	PART
+shut	VERB
+the	DET
+door	NOUN
+.	PUNCT
+
+Let	VERB
+him	PRON
+walk	VERB
+in	ADV
+and	CCONJ
+out	ADV
+for	ADP
+a	DET
+few	ADJ
+days	NOUN
+.	PUNCT
+
+At	ADP
+some	DET
+point	NOUN
+he	PRON
+will	AUX
+feel	VERB
+ok	ADJ
+with	ADP
+this	PRON
+and	CCONJ
+you	PRON
+can	AUX
+then	ADV
+close	VERB
+the	DET
+door	NOUN
+but	CCONJ
+not	PART
+for	ADP
+long	ADV
+at	ADV
+all	ADV
+.	PUNCT
+
+Open	VERB
+the	DET
+door	NOUN
+and	CCONJ
+let	VERB
+him	PRON
+out	ADP
+and	CCONJ
+see	VERB
+how	ADV
+he	PRON
+acts	VERB
+.	PUNCT
+
+If	SCONJ
+you	PRON
+push	VERB
+it	PRON
+,	PUNCT
+it	PRON
+will	AUX
+never	ADV
+work	VERB
+.	PUNCT
+
+With	SCONJ
+going	VERB
+outside	ADV
+,	PUNCT
+put	VERB
+the	DET
+leash	NOUN
+on	ADP
+and	CCONJ
+just	ADV
+take	VERB
+him	PRON
+for	ADP
+a	DET
+walk	NOUN
+.	PUNCT
+
+He	PRON
+will	AUX
+learn	VERB
+to	PART
+really	ADV
+like	VERB
+this	PRON
+.	PUNCT
+
+Potty	NOUN
+outside	ADV
+will	AUX
+come	VERB
+at	ADP
+some	DET
+point	NOUN
+.	PUNCT
+
+Try	VERB
+obedience	NOUN
+classes	NOUN
+.	PUNCT
+
+Have	VERB
+patience	NOUN
+with	ADP
+him	PRON
+,	PUNCT
+you	PRON
+just	ADV
+got	VERB
+him	PRON
+and	CCONJ
+who	PRON
+knows	VERB
+how	ADV
+he	PRON
+was	AUX
+treated	VERB
+before	SCONJ
+you	PRON
+brought	VERB
+him	PRON
+home	ADV
+.	PUNCT
+
+where	ADV
+can	AUX
+I	PRON
+find	VERB
+the	DET
+best	ADJ
+tours	NOUN
+to	ADP
+the	DET
+Mekong	PROPN
+Delta	PROPN
+at	ADP
+reasonable	ADJ
+prices	NOUN
+?	PUNCT
+
+will	AUX
+only	ADV
+be	AUX
+in	ADP
+Ho	PROPN
+chi	PROPN
+Minh	PROPN
+for	ADP
+4	NUM
+days	NOUN
+and	CCONJ
+I	PRON
+am	AUX
+looking	VERB
+for	ADP
+a	DET
+1	NUM
+day	NOUN
+or	CCONJ
+2	NUM
+day	NOUN
+trip	NOUN
+to	ADP
+Mekong	PROPN
+delta	PROPN
+.	PUNCT
+
+I	PRON
+have	AUX
+been	AUX
+researching	VERB
+on	ADV
+line	ADV
+and	CCONJ
+find	VERB
+things	NOUN
+are	AUX
+quite	ADV
+pricey	ADJ
+but	CCONJ
+the	DET
+tours	NOUN
+look	VERB
+great	ADJ
+.	PUNCT
+
+Should	AUX
+I	PRON
+just	ADV
+settle	VERB
+and	CCONJ
+book	VERB
+on	ADV
+line	ADV
+?	PUNCT
+
+or	CCONJ
+is	AUX
+it	PRON
+better	ADJ
+if	SCONJ
+I	PRON
+wait	VERB
+till	SCONJ
+I	PRON
+get	VERB
+there	ADV
+?	PUNCT
+
+If	SCONJ
+I	PRON
+wait	VERB
+,	PUNCT
+would	AUX
+the	DET
+tours	NOUN
+I	PRON
+find	VERB
+there	ADV
+for	ADP
+less	ADJ
+money	NOUN
+be	AUX
+the	DET
+same	ADJ
+quality	NOUN
+type	NOUN
+tours	NOUN
+?	PUNCT
+
+Also	ADV
+,	PUNCT
+any	DET
+tour	NOUN
+recommendations	NOUN
+would	AUX
+be	AUX
+very	ADV
+helpful	ADJ
+a	ADV
+well	ADV
+.	PUNCT
+
+Thank	VERB
+you	PRON
+!	PUNCT
+
+If	SCONJ
+you	PRON
+want	VERB
+reliable	ADJ
+and	CCONJ
+inexpensive	ADJ
+...	PUNCT
+try	VERB
+Sinh	PROPN
+Cafe	PROPN
+/	PUNCT
+Tourist	PROPN
+.	PUNCT
+
+The	PRON
+are	AUX
+located	VERB
+right	ADV
+at	ADP
+248	NUM
+De	PROPN
+Than	PROPN
+St.	PROPN
+in	ADP
+the	DET
+heart	NOUN
+of	ADP
+the	DET
+back	NOUN
+packer	NOUN
+district	NOUN
+.	PUNCT
+
+I	PRON
+have	AUX
+taken	VERB
+this	DET
+tour	NOUN
+and	CCONJ
+it	PRON
+was	AUX
+great	ADJ
+.	PUNCT
+
+I	PRON
+did	VERB
+an	DET
+overnight	NOUN
+in	ADP
+a	DET
+home	NOUN
+stay	NOUN
+that	PRON
+was	AUX
+sweet	ADJ
+and	CCONJ
+the	DET
+water	NOUN
+market	NOUN
+was	AUX
+wonderful	ADJ
+.	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+remember	VERB
+the	DET
+exact	ADJ
+cost	NOUN
+but	CCONJ
+remember	VERB
+thinking	VERB
+how	ADV
+inexpensive	ADJ
+it	PRON
+was	VERB
+.	PUNCT
+
+Also	ADV
+,	PUNCT
+Sinh	PROPN
+Cafe	PROPN
+has	AUX
+been	AUX
+around	ADV
+for	ADP
+a	DET
+long	ADJ
+time	NOUN
+and	CCONJ
+is	AUX
+very	ADV
+reputable	ADJ
+.	PUNCT
+
+And	CCONJ
+no	INTJ
+,	PUNCT
+I	PRON
+do	AUX
+not	PART
+work	VERB
+for	ADP
+them	PRON
+.	PUNCT
+:)	SYM
+
+I	PRON
+am	AUX
+just	ADV
+a	DET
+satisfied	ADJ
+customer	NOUN
+.	PUNCT
+
+And	CCONJ
+do	AUX
+n't	PART
+expect	VERB
+to	PART
+party	VERB
+on	ADP
+this	DET
+tour	NOUN
+.	PUNCT
+
+The	DET
+south	NOUN
+is	AUX
+not	PART
+like	ADP
+the	DET
+regular	ADJ
+tourist	NOUN
+towns	NOUN
+.	PUNCT
+
+Very	ADV
+few	ADJ
+clubs	NOUN
+and	CCONJ
+night	NOUN
+activities	NOUN
+.	PUNCT
+
+Oh	INTJ
+,	PUNCT
+if	SCONJ
+you	PRON
+are	AUX
+confused	ADJ
+.	PUNCT
+
+Sinh	PROPN
+Cafe	PROPN
+is	AUX
+not	PART
+a	DET
+Cafe	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+a	DET
+tour	NOUN
+agency	NOUN
+and	CCONJ
+they	PRON
+have	VERB
+their	PRON
+own	ADJ
+buses	NOUN
+etc	X
+.	PUNCT
+
+tele	NOUN
+#	NOUN
+84838389593	NUM
+
+have	VERB
+fun	NOUN
+.	PUNCT
+
+There	PRON
+is	VERB
+n't	PART
+much	ADJ
+to	PART
+see	VERB
+in	ADP
+the	DET
+delta	PROPN
+,	PUNCT
+it	PRON
+'s	AUX
+a	DET
+lifestyle	NOUN
+not	ADV
+a	DET
+resort	NOUN
+area	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+'re	AUX
+adventurous	ADJ
+you	PRON
+can	AUX
+take	VERB
+a	DET
+bus	NOUN
+or	CCONJ
+water	NOUN
+taxi	NOUN
+to	ADP
+My	PRON
+Tho	PROPN
+(	PUNCT
+near	SCONJ
+where	ADV
+we	PRON
+live	VERB
+)	PUNCT
+or	CCONJ
+Can	PROPN
+Tho	PROPN
+.	PUNCT
+
+From	ADP
+either	DET
+of	ADP
+those	DET
+cities	NOUN
+,	PUNCT
+you	PRON
+can	AUX
+venture	VERB
+out	ADV
+and	CCONJ
+spend	VERB
+a	DET
+day	NOUN
+in	ADP
+the	DET
+country	NOUN
+.	PUNCT
+
+Most	ADJ
+of	ADP
+the	DET
+tourists	NOUN
+that	PRON
+I	PRON
+'ve	AUX
+come	VERB
+across	ADP
+buy	VERB
+tours	NOUN
+along	ADP
+the	DET
+My	PROPN
+Tho	PROPN
+waterfront	NOUN
+.	PUNCT
+
+You	PRON
+take	VERB
+a	DET
+boat	NOUN
+across	ADP
+the	DET
+river	NOUN
+,	PUNCT
+then	ADV
+spend	VERB
+a	DET
+day	NOUN
+biking	VERB
+,	PUNCT
+eating	VERB
+at	ADP
+a	DET
+local	ADJ
+restaurant	NOUN
+,	PUNCT
+buying	VERB
+souvenirs	NOUN
+and	CCONJ
+doing	VERB
+other	ADJ
+things	NOUN
+that	PRON
+are	AUX
+geared	VERB
+towards	ADP
+tourists	NOUN
+.	PUNCT
+
+The	DET
+countryside	NOUN
+is	AUX
+very	ADV
+beautiful	ADJ
+,	PUNCT
+especially	ADV
+if	SCONJ
+you	PRON
+have	VERB
+a	DET
+few	ADJ
+months	NOUN
+(	PUNCT
+or	CCONJ
+years	NOUN
+)	PUNCT
+to	PART
+get	VERB
+to	PART
+know	VERB
+the	DET
+place	NOUN
+.	PUNCT
+
+PS	NOUN
+,	PUNCT
+If	SCONJ
+you	PRON
+make	VERB
+it	PRON
+to	ADP
+Thanh	PROPN
+Pho	PROPN
+Ben	PROPN
+Tre	PROPN
+,	PUNCT
+stay	VERB
+a	DET
+night	NOUN
+at	ADP
+my	PRON
+friend	NOUN
+Ken	PROPN
+'s	PART
+hotel	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+called	VERB
+Kiwi	PROPN
+Heaven	PROPN
+and	CCONJ
+it	PRON
+'s	AUX
+across	ADP
+the	DET
+river	NOUN
+from	ADP
+Cho	PROPN
+Ben	PROPN
+Tre	PROPN
+.	PUNCT
+
+It	PRON
+'s	AUX
+a	DET
+little	ADJ
+hard	ADJ
+to	PART
+get	VERB
+to	ADP
+by	ADP
+foot	NOUN
+,	PUNCT
+they	PRON
+'re	AUX
+rebuilding	VERB
+the	DET
+bridge	NOUN
+,	PUNCT
+but	CCONJ
+you	PRON
+can	AUX
+get	VERB
+someone	PRON
+to	PART
+moto	NOUN
+-	PUNCT
+taxi	VERB
+you	PRON
+there	ADV
+for	ADP
+a	DET
+dollar	NOUN
+or	CCONJ
+less	ADJ
+.	PUNCT
+
+He	PRON
+'s	AUX
+an	DET
+ex-pat	NOUN
+from	ADP
+New	PROPN
+Zealand	PROPN
+and	CCONJ
+he	PRON
+'s	AUX
+been	AUX
+in	ADP
+town	NOUN
+for	ADP
+awhile	ADV
+.	PUNCT
+
+He	PRON
+'ll	AUX
+set	VERB
+up	ADP
+a	DET
+real	ADJ
+tour	NOUN
+of	ADP
+the	DET
+area	NOUN
+for	ADP
+you	PRON
+,	PUNCT
+not	CCONJ
+some	DET
+tourist	NOUN
+fantasy	NOUN
+.	PUNCT
+
+Have	VERB
+a	DET
+good	ADJ
+trip	NOUN
+where	X
+-	PUNCT
+ever	ADV
+you	PRON
+end	VERB
+up	ADP
+.	PUNCT
+
+We	PRON
+went	VERB
+with	ADP
+Intrepid	PROPN
+as	ADP
+a	DET
+part	NOUN
+of	ADP
+their	PRON
+North	PROPN
+to	ADP
+South	PROPN
+Vietnam	PROPN
+Trip	NOUN
+,	PUNCT
+but	CCONJ
+they	PRON
+do	AUX
+offer	VERB
+this	DET
+one	NUM
+day	NOUN
+separately	ADV
+.	PUNCT
+
+We	PRON
+had	VERB
+a	DET
+great	ADJ
+time	NOUN
+and	CCONJ
+visited	VERB
+a	DET
+location	NOUN
+where	ADV
+they	PRON
+made	VERB
+coconut	NOUN
+candies	NOUN
+,	PUNCT
+visited	VERB
+a	DET
+local	ADJ
+restaurant	NOUN
+which	PRON
+was	AUX
+attached	VERB
+to	ADP
+a	DET
+fish	NOUN
+farm	NOUN
+,	PUNCT
+rode	VERB
+in	ADP
+modified	VERB
+quad	NOUN
+bikes	NOUN
+and	CCONJ
+had	VERB
+some	DET
+tropical	ADJ
+food	NOUN
+at	SCONJ
+what	PRON
+appeared	VERB
+to	PART
+be	AUX
+a	DET
+local	ADJ
+hangout	NOUN
+.	PUNCT
+
+Intrepid	PROPN
+is	AUX
+good	ADJ
+at	SCONJ
+getting	VERB
+you	PRON
+away	ADV
+from	ADP
+the	DET
+most	ADV
+touristy	ADJ
+spots	NOUN
+and	CCONJ
+showing	VERB
+you	PRON
+something	PRON
+a	DET
+little	ADJ
+different	NOUN
+.	PUNCT
+
+yoga	NOUN
+and	CCONJ
+horses	NOUN
+.....	PUNCT
+?	PUNCT
+
+I	PRON
+got	VERB
+a	DET
+riding	NOUN
+lesson	NOUN
+today	NOUN
+on	ADP
+one	NUM
+of	ADP
+my	PRON
+boss	NOUN
+'s	PART
+fino	NOUN
+horses	NOUN
+and	CCONJ
+it	PRON
+made	VERB
+me	PRON
+realize	VERB
+just	ADV
+how	ADV
+unsteady	ADJ
+my	PRON
+left	ADJ
+leg	NOUN
+is	VERB
+.	PUNCT
+
+I	PRON
+mentioned	VERB
+it	PRON
+to	ADP
+my	PRON
+boss	NOUN
+and	CCONJ
+she	PRON
+said	VERB
+to	PART
+start	VERB
+doing	VERB
+yoga	NOUN
+.	PUNCT
+
+But	CCONJ
+there	PRON
+are	VERB
+just	ADV
+so	ADV
+many	ADJ
+poses	NOUN
+and	CCONJ
+programs	NOUN
+!	PUNCT
+
+Any	DET
+good	ADJ
+poses	NOUN
+or	CCONJ
+programs	NOUN
+(	PUNCT
+I	PRON
+'m	AUX
+willing	ADJ
+to	PART
+buy	VERB
+a	DET
+dvd	NOUN
+as	ADV
+long	ADV
+as	SCONJ
+it	PRON
+is	AUX
+under	ADP
+$	SYM
+20	NUM
+)	PUNCT
+to	PART
+help	VERB
+specifically	ADV
+with	ADP
+leg	NOUN
+stabilization	NOUN
+?	PUNCT
+
+I	PRON
+just	ADV
+have	VERB
+a	DET
+few	ADJ
+issues	NOUN
+supporting	VERB
+my	PRON
+back	NOUN
+and	CCONJ
+my	PRON
+left	ADJ
+leg	NOUN
+flops	VERB
+.	PUNCT
+
+Because	SCONJ
+I	PRON
+do	AUX
+n't	PART
+feel	VERB
+like	SCONJ
+spending	VERB
+over	ADV
+$	SYM
+20	NUM
+on	ADP
+a	DET
+freakin	ADJ
+DVD	NOUN
+
+I	PRON
+also	ADV
+have	VERB
+back	NOUN
+problems	NOUN
+that	PRON
+transfer	VERB
+into	ADP
+my	PRON
+legs	NOUN
+.	PUNCT
+
+I	PRON
+have	AUX
+done	VERB
+Yoga	NOUN
+for	ADP
+riders	NOUN
+for	ADP
+a	DET
+while	NOUN
+,	PUNCT
+a	DET
+20	NUM
+minute	NOUN
+routine	NOUN
+I	PRON
+found	VERB
+on	ADP
+YouTube	PROPN
+(	PUNCT
+I	PRON
+think	VERB
+it	PRON
+s	AUX
+called	VERB
+"	PUNCT
+Yoga	NOUN
+for	ADP
+horse	NOUN
+back	NOUN
+riding	NOUN
+"	PUNCT
+hosted	VERB
+by	ADP
+a	DET
+man	NOUN
+)	PUNCT
+It	PRON
+helped	VERB
+with	SCONJ
+noticing	VERB
+slight	ADJ
+differences	NOUN
+in	ADP
+my	PRON
+balance	NOUN
+and	CCONJ
+weight	NOUN
+distribution	NOUN
+but	CCONJ
+not	PART
+really	ADV
+for	ADP
+the	DET
+way	NOUN
+I	PRON
+use	VERB
+my	PRON
+legs	NOUN
+and	CCONJ
+back	NOUN
+.	PUNCT
+
+Here	ADV
+is	AUX
+what	PRON
+I	PRON
+do	VERB
+now	ADV
+and	CCONJ
+it	PRON
+really	ADV
+helps	VERB
+....	PUNCT
+
+When	ADV
+I	PRON
+first	ADV
+get	VERB
+on	ADV
+I	PRON
+take	VERB
+1	NUM
+leg	NOUN
+and	CCONJ
+pull	VERB
+it	PRON
+back	ADV
+up	ADV
+to	PART
+touch	VERB
+my	PRON
+butt	NOUN
+with	ADP
+my	PRON
+heel	NOUN
+and	CCONJ
+hold	VERB
+it	PRON
+there	ADV
+for	ADP
+1	NUM
+lap	NOUN
+at	ADP
+a	DET
+walk	NOUN
+around	ADP
+a	DET
+large	ADJ
+dressage	NOUN
+arena	NOUN
+.	PUNCT
+
+Then	ADV
+the	DET
+same	ADJ
+thing	NOUN
+with	ADP
+the	DET
+other	ADJ
+leg	NOUN
+.	PUNCT
+
+Then	ADV
+1	NUM
+lap	NOUN
+at	ADP
+a	DET
+walk	NOUN
+around	ADP
+the	DET
+arena	NOUN
+with	SCONJ
+both	DET
+my	PRON
+legs	NOUN
+pulled	VERB
+out	ADP
+as	ADV
+far	ADV
+as	SCONJ
+I	PRON
+can	AUX
+,	PUNCT
+so	SCONJ
+they	PRON
+are	AUX
+not	PART
+touching	VERB
+the	DET
+saddle	NOUN
+.	PUNCT
+
+Then	ADV
+a	DET
+lap	NOUN
+doing	VERB
+scissors	NOUN
+,	PUNCT
+one	NUM
+leg	NOUN
+forward	ADV
+as	ADV
+far	ADV
+as	SCONJ
+I	PRON
+can	AUX
+and	CCONJ
+the	DET
+other	ADJ
+back	ADV
+,	PUNCT
+then	ADV
+switch	VERB
+legs	NOUN
+.	PUNCT
+
+I	PRON
+'ll	AUX
+also	ADV
+trot	VERB
+doing	VERB
+,	PUNCT
+down	ADV
+2	NUM
+beats	NOUN
+,	PUNCT
+up	ADV
+one	NUM
+for	ADP
+a	DET
+wile	NOUN
+,	PUNCT
+then	ADV
+up	ADV
+2	NUM
+down	ADV
+1	NUM
+making	VERB
+sure	ADJ
+the	DET
+weight	NOUN
+is	AUX
+going	VERB
+into	ADP
+the	DET
+balls	NOUN
+of	ADP
+my	PRON
+feet	NOUN
+.	PUNCT
+
+If	SCONJ
+the	DET
+weight	NOUN
+is	AUX
+going	VERB
+into	ADP
+your	PRON
+heels	NOUN
+(	PUNCT
+it	PRON
+throws	VERB
+your	PRON
+leg	NOUN
+forward	ADV
+)	PUNCT
+put	VERB
+the	DET
+stirrups	NOUN
+up	ADV
+against	ADP
+the	DET
+heel	NOUN
+of	ADP
+your	PRON
+boot	NOUN
+.	PUNCT
+
+Do	VERB
+a	DET
+nice	NOUN
+working	VERB
+trot	NOUN
+,	PUNCT
+not	CCONJ
+a	DET
+slow	ADJ
+trot	NOUN
+.	PUNCT
+
+All	DET
+this	DET
+will	AUX
+help	VERB
+you	PRON
+use	VERB
+both	DET
+legs	NOUN
+evenly	ADV
+,	PUNCT
+keep	VERB
+proper	ADJ
+contact	NOUN
+and	CCONJ
+use	VERB
+your	PRON
+wight	NOUN
+correctly	ADV
+,	PUNCT
+to	PART
+keep	VERB
+your	PRON
+leg	NOUN
+in	ADP
+a	DET
+good	ADJ
+position	NOUN
+.	PUNCT
+
+BTW	ADV
+you	PRON
+do	AUX
+nt	PART
+want	VERB
+your	PRON
+leg	NOUN
+locked	VERB
+in	ADP
+place	NOUN
+,	PUNCT
+it	PRON
+will	AUX
+move	VERB
+WITH	ADP
+the	DET
+horse	NOUN
+a	DET
+bit	NOUN
+.	PUNCT
+
+When	ADV
+I	PRON
+first	ADV
+started	VERB
+doing	VERB
+it	PRON
+I	PRON
+'d	AUX
+do	VERB
+it	PRON
+every	DET
+day	NOUN
+.	PUNCT
+
+Now	ADV
+I	PRON
+just	ADV
+do	VERB
+it	PRON
+once	ADV
+or	CCONJ
+twice	ADV
+a	DET
+week	NOUN
+or	CCONJ
+as	SCONJ
+needed	VERB
+.	PUNCT
+
+Now	ADV
+not	ADV
+only	ADV
+is	AUX
+my	PRON
+leg	NOUN
+better	ADJ
+,	PUNCT
+but	CCONJ
+my	PRON
+back	NOUN
+is	AUX
+relaxing	VERB
+.	PUNCT
+
+what	PRON
+are	AUX
+you	PRON
+having	VERB
+problems	NOUN
+with	ADP
+?	PUNCT
+
+i	PRON
+would	AUX
+n't	PART
+bother	VERB
+with	ADP
+yoga	NOUN
+i	PRON
+'d	AUX
+practice	VERB
+more	ADV
+with	ADP
+riding	NOUN
+and	CCONJ
+fixing	VERB
+my	PRON
+problem	NOUN
+,	PUNCT
+ride	VERB
+bareback	ADV
+,	PUNCT
+with	ADP
+no	DET
+irons	NOUN
+,	PUNCT
+there	PRON
+s	VERB
+also	ADV
+a	DET
+way	NOUN
+to	PART
+ride	VERB
+on	ADP
+your	PRON
+knees	NOUN
+?	PUNCT
+
+that	PRON
+help	VERB
+alot	ADV
+with	ADP
+your	PRON
+thigh	NOUN
+muscles	NOUN
+(	PUNCT
+bareback	ADV
+though	ADV
+)	PUNCT
+
+ya	INTJ
+i	PRON
+really	ADV
+would	AUX
+n't	PART
+bother	VERB
+with	ADP
+the	DET
+yoga	NOUN
+
+maybe	ADV
+a	DET
+back	NOUN
+brase	NOUN
+will	AUX
+help	VERB
+,	PUNCT
+sometimes	ADV
+my	PRON
+back	NOUN
+really	ADV
+gets	VERB
+to	ADP
+me	PRON
+and	CCONJ
+i	PRON
+'ve	AUX
+thought	VERB
+about	SCONJ
+getting	VERB
+one	NUM
+.	PUNCT
+
+with	ADP
+your	PRON
+leg	NOUN
+flopping	NOUN
+,	PUNCT
+just	ADV
+try	VERB
+putting	VERB
+all	DET
+your	PRON
+weight	NOUN
+in	ADP
+your	PRON
+heel	NOUN
+and	CCONJ
+hang	VERB
+on	ADP
+with	ADP
+only	ADV
+your	PRON
+legs	NOUN
+,	PUNCT
+holding	VERB
+my	PRON
+leg	NOUN
+back	ADP
+helps	VERB
+me	PRON
+with	ADP
+flopping	NOUN
+the	DET
+more	ADV
+it	PRON
+'s	AUX
+forward	ADV
+the	DET
+more	ADV
+it	PRON
+flops	VERB
+:/	SYM
+work	VERB
+your	PRON
+calf	NOUN
+muscles	NOUN
+,	PUNCT
+maybe	ADV
+try	VERB
+standing	VERB
+on	ADP
+the	DET
+edge	NOUN
+of	ADP
+your	PRON
+steps	NOUN
+(	PUNCT
+on	ADP
+the	DET
+ball	NOUN
+of	ADP
+your	PRON
+foot	NOUN
+)	PUNCT
+and	CCONJ
+balance	VERB
+to	PART
+strengthen	VERB
+those	DET
+muscles	NOUN
+
+You	PRON
+do	AUX
+n't	PART
+want	VERB
+to	PART
+spend	VERB
+more	ADJ
+than	ADP
+$	SYM
+20	NUM
+and	CCONJ
+yet	ADV
+you	PRON
+have	VERB
+an	DET
+expensive	ADJ
+hobby	NOUN
+like	SCONJ
+riding	VERB
+horses	NOUN
+?	PUNCT
+
+I	PRON
+really	ADV
+ca	AUX
+n't	PART
+help	VERB
+you	PRON
+.	PUNCT
+
+What	PRON
+to	PART
+feed	VERB
+my	PRON
+dog	NOUN
+after	ADP
+gastroenteritis	NOUN
+?	PUNCT
+
+My	PRON
+dog	NOUN
+has	AUX
+been	AUX
+sick	ADJ
+for	ADP
+about	ADV
+3	NUM
+days	NOUN
+now	ADV
+.	PUNCT
+
+He	PRON
+has	AUX
+been	AUX
+having	VERB
+diarheya	NOUN
+everywhere	ADV
+and	CCONJ
+he	PRON
+began	VERB
+to	PART
+vomit	VERB
+last	ADJ
+night	NOUN
+.	PUNCT
+
+I	PRON
+thought	VERB
+it	PRON
+would	AUX
+pass	VERB
+until	SCONJ
+he	PRON
+started	VERB
+to	PART
+vomit	VERB
+blood	NOUN
+and	CCONJ
+would	AUX
+nt	PART
+drink	VERB
+any	DET
+water	NOUN
+.	PUNCT
+
+I	PRON
+took	VERB
+him	PRON
+to	ADP
+the	DET
+Animal	PROPN
+Hospital	PROPN
+and	CCONJ
+they	PRON
+ran	VERB
+blood	NOUN
+work	NOUN
+and	CCONJ
+everything	PRON
+came	VERB
+back	ADV
+normal	ADJ
+.	PUNCT
+
+No	DET
+pancreatitis	NOUN
+or	CCONJ
+anything	PRON
+abnormal	ADJ
+.	PUNCT
+
+The	DET
+vet	NOUN
+said	VERB
+it	PRON
+was	AUX
+gastroenteritis	NOUN
+and	CCONJ
+gave	VERB
+him	PRON
+fluids	NOUN
+under	ADP
+his	PRON
+skin	NOUN
+,	PUNCT
+an	DET
+injection	NOUN
+of	ADP
+nausea	NOUN
+medication	NOUN
+along	ADP
+with	ADP
+some	DET
+take	VERB
+home	ADV
+antibiotics	NOUN
+.	PUNCT
+
+So	ADV
+my	PRON
+question	NOUN
+is	AUX
+..	PUNCT
+
+Is	AUX
+it	PRON
+normal	ADJ
+for	SCONJ
+dogs	NOUN
+to	PART
+throw	VERB
+up	ADP
+blood	NOUN
+while	SCONJ
+having	VERB
+gastroenteritis	NOUN
+?	PUNCT
+
+and	CCONJ
+will	AUX
+these	DET
+antibiotics	NOUN
+help	VERB
+?	PUNCT
+
+I	PRON
+have	AUX
+tryed	VERB
+to	PART
+give	VERB
+him	PRON
+water	NOUN
+but	CCONJ
+he	PRON
+wo	AUX
+nt	PART
+take	VERB
+it	PRON
+..	PUNCT
+what	PRON
+should	AUX
+i	PRON
+do	VERB
+?	PUNCT
+
+i	PRON
+do	AUX
+nt	PART
+want	VERB
+him	PRON
+to	PART
+get	VERB
+dehydrated	ADJ
+and	CCONJ
+also	ADV
+should	AUX
+i	PRON
+try	VERB
+to	PART
+give	VERB
+him	PRON
+a	DET
+little	ADJ
+bit	NOUN
+of	ADP
+food	NOUN
+?	PUNCT
+
+...	PUNCT
+Some	DET
+help	NOUN
+would	AUX
+be	AUX
+great	ADJ
+.	PUNCT
+
+thank	VERB
+you	PRON
+:)	SYM
+
+They	PRON
+did	AUX
+nt	PART
+take	VERB
+x	NOUN
+-	PUNCT
+rays	NOUN
+they	PRON
+offered	VERB
+them	PRON
+but	CCONJ
+i	PRON
+just	ADV
+could	AUX
+nt	PART
+afford	VERB
+any	DET
+more	ADJ
+treatment	NOUN
+.	PUNCT
+
+I	PRON
+feel	VERB
+like	ADP
+shit	NOUN
+for	SCONJ
+saying	VERB
+that	PRON
+but	CCONJ
+after	SCONJ
+what	PRON
+they	PRON
+have	AUX
+done	VERB
+already	ADV
+i	PRON
+wo	AUX
+nt	PART
+be	AUX
+buying	VERB
+grocerys	NOUN
+for	ADP
+the	DET
+next	ADJ
+few	ADJ
+weeks	NOUN
+.	PUNCT
+
+I	PRON
+will	AUX
+give	VERB
+them	PRON
+and	DET
+call	NOUN
+and	CCONJ
+see	VERB
+what	PRON
+they	PRON
+say	VERB
+.	PUNCT
+
+Thank	VERB
+you	PRON
+for	ADP
+the	DET
+help	NOUN
+.	PUNCT
+
+Ok	INTJ
+so	ADV
+i	PRON
+spoke	VERB
+to	ADP
+the	DET
+vet	NOUN
+and	CCONJ
+he	PRON
+said	VERB
+the	PART
+give	VERB
+him	PRON
+white	ADJ
+rice	NOUN
+and	CCONJ
+boiled	VERB
+chicken	NOUN
+but	CCONJ
+only	ADV
+a	DET
+little	ADJ
+at	ADP
+a	DET
+time	NOUN
+.	PUNCT
+
+Seince	SCONJ
+he	PRON
+recieved	VERB
+the	DET
+fluids	NOUN
+last	ADJ
+night	NOUN
+he	PRON
+said	VERB
+not	ADV
+to	PART
+worry	VERB
+about	ADP
+drinking	VERB
+water	NOUN
+for	ADP
+at	ADV
+least	ADV
+a	DET
+couple	NOUN
+of	ADP
+days	NOUN
+.	PUNCT
+
+I	PRON
+went	VERB
+home	ADV
+at	ADP
+lunch	NOUN
+to	PART
+check	VERB
+on	ADP
+him	PRON
+and	CCONJ
+he	PRON
+is	AUX
+doing	VERB
+1000	NUM
+etter	ADV
+he	PRON
+was	AUX
+actually	ADV
+walkin	VERB
+around	ADV
+and	CCONJ
+wagin	VERB
+his	PRON
+tail	NOUN
+:)	SYM
+thanks	NOUN
+everbody	NOUN
+for	ADP
+the	DET
+info	NOUN
+it	PRON
+s	AUX
+greatly	ADV
+appreciated	VERB
+.	PUNCT
+
+To	PART
+answer	VERB
+your	PRON
+questions	NOUN
+in	ADP
+order	NOUN
+:	PUNCT
+
+1	X
+)	PUNCT
+It	PRON
+is	AUX
+not	PART
+normal	ADJ
+for	SCONJ
+dogs	NOUN
+to	PART
+be	AUX
+vomiting	VERB
+,	PUNCT
+much	ADV
+less	ADV
+to	PART
+have	VERB
+blood	NOUN
+in	ADP
+it	PRON
+.	PUNCT
+
+However	ADV
+,	PUNCT
+if	SCONJ
+they	PRON
+have	AUX
+been	AUX
+vomiting	VERB
+numerous	ADJ
+times	NOUN
+,	PUNCT
+then	ADV
+the	DET
+blood	NOUN
+could	AUX
+be	AUX
+due	ADP
+to	ADP
+irritation	NOUN
+of	ADP
+the	DET
+stomach	NOUN
+and	CCONJ
+intestines	NOUN
+.	PUNCT
+
+He	PRON
+could	AUX
+also	ADV
+have	VERB
+Parvovirus	PROPN
+,	PUNCT
+a	DET
+GI	NOUN
+foreign	ADJ
+body	NOUN
+,	PUNCT
+or	CCONJ
+any	DET
+number	NOUN
+of	ADP
+things	NOUN
+.	PUNCT
+
+Did	AUX
+your	PRON
+vet	NOUN
+take	VERB
+radiographs	NOUN
+(	PUNCT
+x	NOUN
+-	PUNCT
+rays	NOUN
+)	PUNCT
+?	PUNCT
+
+2	X
+)	PUNCT
+Your	PRON
+vet	NOUN
+would	AUX
+not	PART
+prescribe	VERB
+them	PRON
+if	SCONJ
+they	PRON
+did	AUX
+n't	PART
+think	VERB
+it	PRON
+would	AUX
+be	AUX
+helpful	ADJ
+.	PUNCT
+
+3	X
+)	PUNCT
+If	SCONJ
+he	PRON
+shows	VERB
+no	DET
+interest	NOUN
+in	ADP
+water	NOUN
+,	PUNCT
+then	ADV
+take	VERB
+him	PRON
+back	ADV
+to	ADP
+your	PRON
+vet	NOUN
+.	PUNCT
+
+It	PRON
+could	AUX
+be	AUX
+due	ADP
+to	ADP
+nausea	NOUN
+or	CCONJ
+any	DET
+number	NOUN
+of	ADP
+things	NOUN
+.	PUNCT
+
+He	PRON
+could	AUX
+become	VERB
+severly	ADJ
+dehydrated	ADJ
+(	PUNCT
+especially	ADV
+if	SCONJ
+he	PRON
+continues	VERB
+to	PART
+vomit	VERB
+and	CCONJ
+have	VERB
+diarrhea	NOUN
+)	PUNCT
+.	PUNCT
+
+From	ADP
+there	ADV
+you	PRON
+end	VERB
+up	ADP
+with	ADP
+electrolyte	NOUN
+imbalances	NOUN
+,	PUNCT
+which	PRON
+can	AUX
+lead	VERB
+to	ADP
+heart	NOUN
+and	CCONJ
+kidney	NOUN
+problems	NOUN
+.	PUNCT
+
+And	CCONJ
+being	AUX
+dehydrated	ADJ
+,	PUNCT
+vomiting	VERB
+,	PUNCT
+and	CCONJ
+having	VERB
+diarrhea	NOUN
+just	ADV
+does	AUX
+n't	PART
+feel	VERB
+good	ADJ
+.	PUNCT
+
+4	X
+)	PUNCT
+Call	VERB
+your	PRON
+vet	NOUN
+.	PUNCT
+
+They	PRON
+should	AUX
+have	AUX
+discussed	VERB
+a	DET
+bland	ADJ
+diet	NOUN
+with	ADP
+you	PRON
+,	PUNCT
+including	VERB
+the	DET
+frequency	NOUN
+of	ADP
+feeding	NOUN
+and	CCONJ
+how	ADV
+much	ADJ
+to	PART
+feed	VERB
+at	ADP
+each	DET
+sitting	NOUN
+.	PUNCT
+
+It	PRON
+sounds	VERB
+like	SCONJ
+your	PRON
+dog	NOUN
+may	AUX
+benefit	VERB
+from	SCONJ
+being	AUX
+hospitalized	VERB
+,	PUNCT
+and	CCONJ
+put	VERB
+on	ADP
+IV	NOUN
+fluids	NOUN
+to	PART
+help	VERB
+his	PRON
+hydration	NOUN
+,	PUNCT
+administer	VERB
+the	DET
+antibiotics	NOUN
+IV	NOUN
+,	PUNCT
+and	CCONJ
+to	PART
+ensure	VERB
+that	SCONJ
+he	PRON
+starts	VERB
+to	PART
+recover	VERB
+.	PUNCT
+
+You	PRON
+should	AUX
+ABSOLUTELY	ADV
+call	VERB
+your	PRON
+veterinarian	NOUN
+back	ADP
+immediately	ADV
+to	PART
+clarify	VERB
+anything	PRON
+you	PRON
+have	VERB
+questions	NOUN
+about	ADP
+.	PUNCT
+
+They	PRON
+have	AUX
+seen	VERB
+your	PRON
+pet	NOUN
+,	PUNCT
+and	CCONJ
+are	AUX
+most	ADV
+aware	ADJ
+of	ADP
+his	PRON
+condition	NOUN
+.	PUNCT
+
+No	DET
+one	NOUN
+online	ADV
+will	AUX
+be	AUX
+able	ADJ
+to	PART
+assist	VERB
+you	PRON
+more	ADV
+than	SCONJ
+your	PRON
+vet	NOUN
+can	AUX
+.	PUNCT
+
+You	PRON
+need	VERB
+to	PART
+ask	VERB
+your	PRON
+vet	NOUN
+these	DET
+questions	NOUN
+.	PUNCT
+
+Boiled	VERB
+WHITE	ADJ
+rice	NOUN
+and	CCONJ
+boiled	VERB
+chicken	NOUN
+breast	NOUN
+.	PUNCT
+
+Bland	ADJ
+food	NOUN
+.	PUNCT
+
+NO	DET
+SPICES	NOUN
+!	PUNCT
+
+My	PRON
+vet	NOUN
+told	VERB
+me	PRON
+when	ADV
+a	DET
+dog	NOUN
+is	AUX
+vomiting	VERB
+a	DET
+lot	NOUN
+,	PUNCT
+it	PRON
+could	AUX
+be	AUX
+a	DET
+sign	NOUN
+of	ADP
+obstruction	NOUN
+.	PUNCT
+
+Did	AUX
+they	PRON
+do	VERB
+any	DET
+x	NOUN
+-	PUNCT
+rays	NOUN
+?	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+know	VERB
+if	SCONJ
+vomiting	VERB
+blood	NOUN
+is	AUX
+common	ADJ
+with	ADP
+this	DET
+ailment	NOUN
+.	PUNCT
+
+You	PRON
+should	AUX
+call	VERB
+your	PRON
+vet	NOUN
+now	ADV
+and	CCONJ
+ask	VERB
+them	PRON
+what	PRON
+is	AUX
+normal	ADJ
+or	CCONJ
+not	PART
+.	PUNCT
+
+French	ADJ
+dating	NOUN
+etiquette	NOUN
+?	PUNCT
+
+I	PRON
+would	AUX
+really	ADV
+love	VERB
+to	PART
+hear	VERB
+what	PRON
+the	DET
+French	ADJ
+or	CCONJ
+those	PRON
+who	PRON
+had	AUX
+dated	VERB
+the	DET
+French	ADJ
+to	ADP
+say	VERB
+something	PRON
+about	ADP
+this	PRON
+.	PUNCT
+
+I	PRON
+'m	AUX
+in	ADP
+my	PRON
+20's	NOUN
+and	CCONJ
+currently	ADV
+studying	VERB
+in	ADP
+France	PROPN
+.	PUNCT
+
+Coming	VERB
+from	ADP
+an	DET
+anglo	X
+-	PUNCT
+saxon	ADJ
+country	NOUN
+my	PRON
+version	NOUN
+of	ADP
+dating	NOUN
+is	VERB
+'	PUNCT
+getting	VERB
+the	DET
+number	NOUN
+,	PUNCT
+asking	VERB
+her	PRON
+out	ADP
+,	PUNCT
+etc.	X
+.	PUNCT
+'	PUNCT
+
+However	ADV
+,	PUNCT
+I	PRON
+'ve	AUX
+read	VERB
+on	ADP
+the	DET
+internet	NOUN
+that	SCONJ
+the	DET
+French	ADJ
+dating	NOUN
+etiquette	NOUN
+is	AUX
+totally	ADV
+different	ADJ
+.	PUNCT
+
+For	ADP
+them	PRON
+,	PUNCT
+dating	NOUN
+would	AUX
+normally	ADV
+be	VERB
+meeting	VERB
+in	ADP
+groups	NOUN
+or	CCONJ
+parties	NOUN
+,	PUNCT
+then	ADV
+pairing	VERB
+off	ADP
+.	PUNCT
+
+In	ADP
+addition	NOUN
+,	PUNCT
+from	ADP
+my	PRON
+understanding	NOUN
+one	NUM
+-	PUNCT
+on	ADP
+-	PUNCT
+one	NUM
+dates	NOUN
+is	AUX
+something	PRON
+that	PRON
+comes	VERB
+much	ADV
+later	ADV
+and	CCONJ
+not	ADV
+'	PUNCT
+straight	ADV
+-	PUNCT
+away	ADV
+'	PUNCT
+like	ADP
+us	PRON
+anglo	X
+-	PUNCT
+saxons	PROPN
+.	PUNCT
+
+They	PRON
+are	AUX
+also	ADV
+very	ADV
+secretive	ADJ
+about	SCONJ
+being	AUX
+in	ADP
+a	DET
+relationship	NOUN
+.	PUNCT
+
+They	PRON
+only	ADV
+'	PUNCT
+go	VERB
+out	ADV
+in	ADP
+the	DET
+open	ADJ
+'	PUNCT
+once	SCONJ
+they	PRON
+have	AUX
+reached	VERB
+a	DET
+certain	ADJ
+level	NOUN
+of	ADP
+seriousness	NOUN
+.	PUNCT
+
+Is	AUX
+it	PRON
+true	ADJ
+?	PUNCT
+
+I	PRON
+have	AUX
+told	VERB
+a	DET
+French	ADJ
+girl	NOUN
+I	PRON
+liked	VERB
+her	PRON
+,	PUNCT
+and	CCONJ
+she	PRON
+accepted	VERB
+.	PUNCT
+
+She	PRON
+is	AUX
+friendly	ADJ
+when	ADV
+we	PRON
+see	VERB
+each	DET
+other	ADJ
+on	ADP
+campus	NOUN
+.	PUNCT
+
+She	PRON
+is	AUX
+also	ADV
+nicer	ADJ
+when	ADV
+we	PRON
+are	AUX
+both	ADV
+alone	ADJ
+.	PUNCT
+
+However	ADV
+,	PUNCT
+when	ADV
+we	PRON
+are	AUX
+at	ADP
+parties	NOUN
+or	CCONJ
+when	ADV
+they	PRON
+are	VERB
+people	NOUN
+around	ADV
+she	PRON
+seems	VERB
+to	PART
+ignore	VERB
+me	PRON
+.	PUNCT
+
+She	PRON
+also	ADV
+seems	VERB
+to	PART
+hate	VERB
+it	PRON
+whenever	ADV
+I	PRON
+ask	VERB
+her	PRON
+out	ADP
+on	ADP
+a	DET
+date	NOUN
+,	PUNCT
+to	ADP
+the	DET
+point	NOUN
+she	PRON
+said	VERB
+stop	VERB
+!	PUNCT
+
+My	PRON
+mind	NOUN
+thinks	VERB
+she	PRON
+has	VERB
+no	DET
+interest	NOUN
+in	ADP
+me	PRON
+and	CCONJ
+just	ADV
+stringing	VERB
+me	PRON
+along	ADV
+.	PUNCT
+
+But	CCONJ
+the	DET
+articles	NOUN
+I	PRON
+read	VERB
+seemed	VERB
+to	PART
+say	VERB
+the	DET
+contrary	ADJ
+.	PUNCT
+
+Have	AUX
+I	PRON
+just	ADV
+fallen	VERB
+victim	NOUN
+in	ADP
+a	DET
+cultural	ADJ
+trap	NOUN
+?	PUNCT
+
+What	PRON
+you	PRON
+have	AUX
+read	VERB
+in	ADP
+the	DET
+internet	NOUN
+is	AUX
+fairly	ADV
+accurate	ADJ
+but	CCONJ
+of	ADV
+course	ADV
+it	PRON
+does	AUX
+not	PART
+fit	VERB
+all	DET
+scenarios	NOUN
+.	PUNCT
+
+You	PRON
+are	AUX
+not	PART
+French	ADJ
+for	ADP
+a	DET
+start	NOUN
+,	PUNCT
+so	ADV
+the	DET
+"	PUNCT
+rules	NOUN
+"	PUNCT
+or	CCONJ
+"	PUNCT
+customs	NOUN
+"	PUNCT
+may	AUX
+not	PART
+apply	VERB
+to	ADP
+you	PRON
+when	ADV
+it	PRON
+comes	VERB
+to	SCONJ
+entering	VERB
+into	ADP
+a	DET
+relationship	NOUN
+between	ADP
+people	NOUN
+from	ADP
+different	ADJ
+backgrounds	NOUN
+.	PUNCT
+
+From	SCONJ
+what	PRON
+you	PRON
+say	VERB
+the	DET
+messages	NOUN
+given	VERB
+by	ADP
+this	DET
+girl	NOUN
+are	AUX
+quite	ADV
+clear	ADJ
+.	PUNCT
+
+She	PRON
+is	AUX
+not	PART
+stringing	VERB
+you	PRON
+along	ADV
+since	SCONJ
+she	PRON
+is	AUX
+actually	ADV
+discouraging	VERB
+you	PRON
+and	CCONJ
+is	AUX
+honest	ADJ
+enough	ADJ
+to	PART
+tell	VERB
+you	PRON
+to	PART
+stop	VERB
+asking	VERB
+her	PRON
+out	ADP
+.	PUNCT
+
+She	PRON
+is	AUX
+just	ADV
+being	AUX
+friendly	ADJ
+in	ADP
+public	ADJ
+because	SCONJ
+she	PRON
+does	AUX
+not	PART
+want	VERB
+to	PART
+offend	VERB
+you	PRON
+and	CCONJ
+she	PRON
+treats	VERB
+you	PRON
+like	ADP
+any	DET
+other	ADJ
+friend	NOUN
+.	PUNCT
+
+You	PRON
+said	VERB
+you	PRON
+liked	VERB
+her	PRON
+and	CCONJ
+she	PRON
+accepted	VERB
+it	PRON
+as	ADP
+a	DET
+truth	NOUN
+and	CCONJ
+perhaps	ADV
+as	ADP
+a	DET
+compliment	NOUN
+,	PUNCT
+but	CCONJ
+it	PRON
+does	AUX
+not	PART
+mean	VERB
+she	PRON
+fancies	VERB
+you	PRON
+or	CCONJ
+wants	VERB
+to	PART
+pair	VERB
+off	ADP
+with	ADP
+you	PRON
+.	PUNCT
+
+At	ADP
+parties	NOUN
+she	PRON
+does	AUX
+not	PART
+want	VERB
+to	PART
+be	AUX
+considered	VERB
+in	ADP
+any	DET
+way	NOUN
+attached	VERB
+to	ADP
+you	PRON
+,	PUNCT
+which	PRON
+is	AUX
+consistent	ADJ
+.	PUNCT
+
+Take	VERB
+the	DET
+messages	NOUN
+for	SCONJ
+what	PRON
+they	PRON
+are	AUX
+:	PUNCT
+she	PRON
+has	VERB
+no	DET
+objection	NOUN
+in	SCONJ
+you	PRON
+being	AUX
+pals	NOUN
+at	ADP
+uni	NOUN
+,	PUNCT
+but	CCONJ
+she	PRON
+does	AUX
+not	PART
+want	VERB
+to	PART
+take	VERB
+matters	NOUN
+further	ADV
+.	PUNCT
+
+"	PUNCT
+Non	X
+!	PUNCT
+"	PUNCT
+means	VERB
+"	PUNCT
+non	X
+"	PUNCT
+,	PUNCT
+not	CCONJ
+"	PUNCT
+I	PRON
+might	AUX
+consider	VERB
+it	PRON
+,	PUNCT
+and	CCONJ
+I	PRON
+will	AUX
+keep	VERB
+you	PRON
+attached	ADJ
+to	ADP
+my	PRON
+apron	NOUN
+strings	NOUN
+just	ADV
+in	ADP
+case	NOUN
+.	PUNCT
+"	PUNCT
+
+Christiane	PROPN
+gave	VERB
+you	PRON
+a	DET
+good	ADJ
+answer	NOUN
+.	PUNCT
+
+You	PRON
+have	AUX
+fallen	VERB
+in	ADP
+a	DET
+cultural	ADJ
+misunderstanding	NOUN
+.	PUNCT
+
+What	PRON
+I	PRON
+have	VERB
+to	PART
+add	VERB
+is	VERB
+that	SCONJ
+it	PRON
+is	AUX
+normal	ADJ
+in	ADP
+France	PROPN
+to	PART
+have	VERB
+mixed	VERB
+gender	NOUN
+groups	NOUN
+of	ADP
+friends	NOUN
+,	PUNCT
+there	PRON
+'s	VERB
+nothing	PRON
+unusual	ADJ
+in	SCONJ
+boys	NOUN
+and	CCONJ
+girls	NOUN
+being	AUX
+only	ADV
+friends	NOUN
+,	PUNCT
+which	PRON
+is	AUX
+obviously	ADV
+what	PRON
+this	DET
+girl	NOUN
+wants	VERB
+from	ADP
+you	PRON
+.	PUNCT
+
+She	PRON
+probably	ADV
+finds	VERB
+your	PRON
+company	NOUN
+pleasing	ADJ
+as	ADP
+a	DET
+friend	NOUN
+but	CCONJ
+you	PRON
+are	AUX
+not	PART
+her	PRON
+choice	NOUN
+a	ADP
+a	DET
+boyfriend	NOUN
+and	CCONJ
+she	PRON
+is	AUX
+trying	VERB
+to	PART
+keep	VERB
+it	PRON
+on	ADP
+a	DET
+friendship	NOUN
+level	NOUN
+,	PUNCT
+and	CCONJ
+trying	VERB
+to	PART
+make	VERB
+you	PRON
+understand	VERB
+that	SCONJ
+she	PRON
+does	AUX
+n't	PART
+want	VERB
+to	PART
+go	VERB
+further	ADV
+.	PUNCT
+
+If	SCONJ
+she	PRON
+is	AUX
+nicer	ADJ
+when	ADV
+you	PRON
+are	AUX
+alone	ADJ
+I	PRON
+'d	AUX
+say	VERB
+it	PRON
+is	VERB
+because	SCONJ
+in	ADP
+public	ADJ
+view	NOUN
+she	PRON
+is	AUX
+making	VERB
+sure	ADJ
+that	SCONJ
+people	NOUN
+do	AUX
+not	PART
+think	VERB
+that	SCONJ
+you	PRON
+might	AUX
+be	AUX
+her	PRON
+boyfriend	NOUN
+.	PUNCT
+
+You	PRON
+do	AUX
+find	VERB
+the	DET
+'	PUNCT
+get	VERB
+the	DET
+number	NOUN
+hop	VERB
+in	ADP
+bed	NOUN
+with	ADP
+her	PRON
+'	PUNCT
+but	CCONJ
+be	AUX
+aware	ADJ
+that	SCONJ
+they	PRON
+usually	ADV
+have	VERB
+a	DET
+reputation	NOUN
+as	ADP
+sluts	NOUN
+.	PUNCT
+
+Unfair	ADJ
+for	ADP
+the	DET
+girl	NOUN
+as	SCONJ
+boys	NOUN
+do	AUX
+n't	PART
+have	VERB
+that	DET
+kind	NOUN
+of	ADP
+handicap	NOUN
+,	PUNCT
+but	CCONJ
+that	PRON
+'s	AUX
+the	DET
+way	NOUN
+our	PRON
+own	ADJ
+rules	NOUN
+work	VERB
+.	PUNCT
+
+Should	AUX
+have	AUX
+done	VERB
+research	NOUN
+before	SCONJ
+you	PRON
+left	VERB
+.	PUNCT
+
+Why	ADV
+not	PART
+just	ADV
+take	VERB
+your	PRON
+chances	NOUN
+and	CCONJ
+do	VERB
+it	PRON
+your	PRON
+way	NOUN
+?	PUNCT
+
+True	ADJ
+or	CCONJ
+false	ADJ
+:	PUNCT
+being	AUX
+a	DET
+young	ADJ
+New	PROPN
+Zealander	PROPN
+means	VERB
+having	VERB
+no	DET
+future	NOUN
+?	PUNCT
+
+There	PRON
+are	VERB
+no	DET
+jobs	NOUN
+in	ADP
+this	DET
+country	NOUN
+.	PUNCT
+
+I	PRON
+'m	AUX
+just	ADV
+trying	VERB
+to	PART
+make	VERB
+up	ADP
+my	PRON
+mind	NOUN
+whether	SCONJ
+I	PRON
+should	AUX
+move	VERB
+to	ADP
+Australia	PROPN
+or	CCONJ
+seek	VERB
+work	NOUN
+in	ADP
+the	DET
+sex	NOUN
+industry	NOUN
+.	PUNCT
+
+Is	VERB
+there	PRON
+a	DET
+future	NOUN
+for	ADP
+our	PRON
+nation	NOUN
+'s	PART
+youth	NOUN
+?	PUNCT
+
+@	SYM
+Ryan	PROPN
+B	PROPN
+,	PUNCT
+
+I	PRON
+'m	AUX
+two	NUM
+years	NOUN
+into	ADP
+an	DET
+undergraduate	ADJ
+degree	NOUN
+.	PUNCT
+
+Everybody	PRON
+I	PRON
+know	VERB
+at	ADP
+university	NOUN
+intends	VERB
+to	PART
+stay	VERB
+at	ADP
+uni	NOUN
+for	ADP
+as	ADV
+long	ADV
+as	SCONJ
+possible	ADJ
+until	SCONJ
+there	PRON
+are	VERB
+actually	ADV
+jobs	NOUN
+available	ADJ
+.	PUNCT
+
+Everybody	PRON
+seems	VERB
+to	PART
+flee	VERB
+this	DET
+country	NOUN
+and	CCONJ
+move	VERB
+overseas	ADV
+,	PUNCT
+to	ADP
+Australia	PROPN
+,	PUNCT
+etc	X
+.	PUNCT
+
+There	PRON
+'s	VERB
+obviously	ADV
+a	DET
+reason	NOUN
+for	ADP
+that	PRON
+(	PUNCT
+lack	NOUN
+of	ADP
+employment	NOUN
+,	PUNCT
+low	ADJ
+incomes	NOUN
+,	PUNCT
+etc	X
+.	PUNCT
+)	PUNCT
+
+Your	PRON
+answer	NOUN
+does	AUX
+n't	PART
+do	VERB
+anything	PRON
+but	CCONJ
+remind	VERB
+me	PRON
+that	SCONJ
+I	PRON
+'m	AUX
+going	VERB
+to	PART
+be	AUX
+$	SYM
+25,000	NUM
+in	ADP
+debt	NOUN
+by	ADP
+the	DET
+time	NOUN
+I	PRON
+'m	AUX
+22	NUM
+.	PUNCT
+
+So	ADV
+,	PUNCT
+thanks	NOUN
+.	PUNCT
+
+@	SYM
+W.a.b.b.y	PROPN
+,	PUNCT
+
+I	PRON
+really	ADV
+like	VERB
+you're	PRON
+answer	NOUN
+.	PUNCT
+
+it	PRON
+'s	AUX
+very	ADV
+logical	ADJ
+.	PUNCT
+
+I	PRON
+'ve	AUX
+also	ADV
+considered	VERB
+becoming	VERB
+a	DET
+teacher	NOUN
+,	PUNCT
+but	CCONJ
+it	PRON
+'s	AUX
+not	PART
+a	DET
+job	NOUN
+I	PRON
+'m	AUX
+cut	VERB
+out	ADP
+for	ADP
+.	PUNCT
+
+I	PRON
+also	ADV
+wish	VERB
+I	PRON
+'d	AUX
+applied	VERB
+for	ADP
+a	DET
+scholarship	NOUN
+.	PUNCT
+
+I	PRON
+did	AUX
+n't	PART
+think	VERB
+I	PRON
+'d	AUX
+be	AUX
+awarded	VERB
+one	NUM
+,	PUNCT
+but	CCONJ
+I	PRON
+received	VERB
+the	DET
+Dux	PROPN
+Litterarum	PROPN
+award	NOUN
+at	ADP
+high	ADJ
+school	NOUN
+,	PUNCT
+so	ADV
+my	PRON
+chances	NOUN
+were	AUX
+probably	ADV
+better	ADJ
+than	SCONJ
+I	PRON
+thought	VERB
+they	PRON
+were	VERB
+.	PUNCT
+
+Obviously	ADV
+I	PRON
+'m	AUX
+still	ADV
+completely	ADV
+stupid	ADJ
+though	ADV
+.	PUNCT
+
+I	PRON
+mean	VERB
+,	PUNCT
+I	PRON
+was	AUX
+n't	PART
+smart	ADJ
+enough	ADV
+to	PART
+apply	VERB
+for	ADP
+a	DET
+scholarship	NOUN
+.	PUNCT
+
+And	CCONJ
+yes	INTJ
+,	PUNCT
+I	PRON
+am	AUX
+being	AUX
+melodramatic	ADJ
+.	PUNCT
+
+Lol	INTJ
+.	PUNCT
+
+@	SYM
+Hatmanone	PROPN
+,	PUNCT
+
+*	PUNCT
+gasps	VERB
+*	PUNCT
+So	ADV
+I	PRON
+would	AUX
+n't	PART
+make	VERB
+a	DET
+good	ADJ
+prostitute	NOUN
+?	PUNCT
+
+Are	AUX
+you	PRON
+saying	VERB
+I	PRON
+'m	AUX
+bad	ADJ
+in	ADP
+bed	NOUN
+?	PUNCT
+
+How	ADV
+would	AUX
+you	PRON
+know	VERB
+?	PUNCT
+
+Joking	VERB
+.	PUNCT
+
+Your	PRON
+answer	NOUN
+is	AUX
+very	ADV
+sweet	ADJ
+,	PUNCT
+but	CCONJ
+I	PRON
+'m	AUX
+not	PART
+compassionate	ADJ
+towards	ADP
+teenage	ADJ
+high	ADJ
+school	NOUN
+students	NOUN
+.	PUNCT
+
+A	DET
+little	ADJ
+mellow	X
+dramatic	ADJ
+?	PUNCT
+
+In	ADP
+my	PRON
+opinion	NOUN
+,	PUNCT
+far	ADV
+too	ADV
+many	ADJ
+people	NOUN
+are	AUX
+at	ADP
+university	NOUN
+studying	VERB
+worthless	ADJ
+degrees	NOUN
+.	PUNCT
+
+Yes	INTJ
+things	NOUN
+like	ADP
+philosophy	NOUN
+and	CCONJ
+fashion	NOUN
+design	NOUN
+are	AUX
+interesting	ADJ
+,	PUNCT
+but	CCONJ
+how	ADV
+many	ADJ
+jobs	NOUN
+are	AUX
+out	ADV
+there	ADV
+for	ADP
+someone	PRON
+with	ADP
+these	DET
+qualifications	NOUN
+?	PUNCT
+
+I	PRON
+'m	AUX
+studying	VERB
+to	PART
+be	AUX
+a	DET
+teacher	NOUN
+,	PUNCT
+so	ADV
+I	PRON
+know	VERB
+that	SCONJ
+there	PRON
+will	AUX
+definitely	ADV
+be	VERB
+jobs	NOUN
+out	ADV
+there	ADV
+when	ADV
+I	PRON
+'m	AUX
+done	ADJ
+.	PUNCT
+
+I	PRON
+may	AUX
+have	VERB
+to	PART
+live	VERB
+somewhere	ADV
+rural	ADJ
+or	CCONJ
+in	ADP
+Auckland	PROPN
+,	PUNCT
+but	CCONJ
+at	ADV
+least	ADV
+I	PRON
+can	AUX
+be	AUX
+pretty	ADV
+sure	ADJ
+I	PRON
+'ll	AUX
+be	AUX
+employable	ADJ
+.	PUNCT
+
+I	PRON
+'ve	AUX
+also	ADV
+got	VERB
+a	DET
+bachelor	NOUN
+s	PART
+degree	NOUN
+so	ADV
+I	PRON
+can	AUX
+go	VERB
+back	ADV
+and	CCONJ
+do	VERB
+further	ADJ
+study	NOUN
+or	CCONJ
+take	VERB
+a	DET
+different	ADJ
+profession	NOUN
+.	PUNCT
+
+I	PRON
+also	ADV
+know	VERB
+that	SCONJ
+you	PRON
+do	AUX
+n't	PART
+get	AUX
+paid	VERB
+that	ADV
+much	ADV
+more	ADJ
+in	ADP
+Australia	PROPN
+than	SCONJ
+you	PRON
+do	AUX
+here	ADV
+.	PUNCT
+
+And	CCONJ
+it	PRON
+'s	AUX
+not	PART
+all	ADV
+about	SCONJ
+how	ADV
+much	ADJ
+you	PRON
+earn	VERB
+,	PUNCT
+cost	NOUN
+of	ADP
+living	NOUN
+is	AUX
+much	ADV
+higher	ADJ
+in	ADP
+many	ADJ
+cities	NOUN
+in	ADP
+Australia	PROPN
+.	PUNCT
+
+Try	VERB
+living	VERB
+in	ADP
+Sydney	PROPN
+on	ADP
+a	DET
+teacher	NOUN
+'s	PART
+salary	NOUN
+,	PUNCT
+then	ADV
+compare	VERB
+it	PRON
+to	ADP
+somewhere	NOUN
+like	ADP
+Central	PROPN
+Otago	PROPN
+.	PUNCT
+
+You	PRON
+also	ADV
+have	VERB
+to	PART
+put	VERB
+up	ADP
+with	ADP
+all	DET
+the	DET
+annoying	ADJ
+accents	NOUN
+in	ADP
+Australia	PROPN
+.	PUNCT
+
+It	PRON
+'s	AUX
+probably	ADV
+not	PART
+a	DET
+wise	ADJ
+idea	NOUN
+to	PART
+keep	VERB
+studying	VERB
+and	CCONJ
+having	VERB
+a	DET
+massive	ADJ
+student	NOUN
+loan	NOUN
+.	PUNCT
+
+At	ADP
+the	DET
+moment	NOUN
+there	ADV
+'s	VERB
+no	DET
+interest	NOUN
+,	PUNCT
+but	CCONJ
+that	PRON
+'ll	AUX
+probably	ADV
+change	VERB
+.	PUNCT
+
+And	CCONJ
+they	PRON
+'ll	AUX
+probably	ADV
+add	VERB
+interest	NOUN
+to	SCONJ
+what	PRON
+you	PRON
+'ve	AUX
+already	ADV
+racked	VERB
+up	ADP
+.	PUNCT
+
+And	CCONJ
+they	PRON
+'re	AUX
+working	VERB
+towards	SCONJ
+being	AUX
+able	ADJ
+to	PART
+extradite	VERB
+people	NOUN
+who	PRON
+have	AUX
+left	VERB
+the	DET
+country	NOUN
+to	PART
+avoid	VERB
+paying	VERB
+it	PRON
+back	ADP
+.	PUNCT
+
+At	ADP
+the	DET
+moment	NOUN
+if	SCONJ
+you	PRON
+move	VERB
+overseas	ADV
+you	PRON
+can	AUX
+only	ADV
+come	VERB
+back	ADV
+to	ADP
+New	PROPN
+Zealand	PROPN
+for	ADP
+a	DET
+short	ADJ
+amount	NOUN
+of	ADP
+time	NOUN
+before	SCONJ
+they	PRON
+'ll	AUX
+force	VERB
+you	PRON
+cough	VERB
+up	ADP
+.	PUNCT
+
+And	CCONJ
+all	DET
+that	DET
+time	NOUN
+you	PRON
+'re	AUX
+overseas	ADV
+you	PRON
+'ll	AUX
+be	AUX
+racking	VERB
+up	ADP
+interest	NOUN
+.	PUNCT
+
+I	PRON
+would	AUX
+n't	PART
+like	VERB
+not	ADV
+having	VERB
+the	DET
+option	NOUN
+to	PART
+return	VERB
+to	ADP
+NZ	PROPN
+.	PUNCT
+
+I	PRON
+guess	VERB
+I	PRON
+'m	AUX
+extremely	ADV
+fortunate	ADJ
+that	SCONJ
+I	PRON
+received	VERB
+a	DET
+scholarship	NOUN
+which	PRON
+paid	VERB
+about	ADV
+800	NUM
+f	ADP
+my	PRON
+course	NOUN
+fees	NOUN
+through	ADP
+my	PRON
+degree	NOUN
+.	PUNCT
+
+But	CCONJ
+I	PRON
+worked	VERB
+hard	ADV
+and	CCONJ
+I	PRON
+'m	AUX
+still	ADV
+working	VERB
+hard	ADV
+.	PUNCT
+
+There	PRON
+are	VERB
+far	ADV
+too	ADV
+many	ADJ
+lazy	ADJ
+people	NOUN
+out	ADV
+there	ADV
+who	PRON
+think	VERB
+that	SCONJ
+they	PRON
+can	AUX
+sit	VERB
+around	ADV
+a	DET
+job	NOUN
+will	AUX
+fall	VERB
+in	ADP
+their	PRON
+lap	NOUN
+.	PUNCT
+
+My	PRON
+2	NUM
+c.	NOUN
+....	PUNCT
+
+Get	VERB
+an	DET
+education	NOUN
+!	PUNCT
+
+I	PRON
+'m	AUX
+doing	VERB
+fine	ADV
+.	PUNCT
+
+Whilst	SCONJ
+youth	NOUN
+jobs	NOUN
+are	AUX
+thin	ADJ
+on	ADP
+the	DET
+ground	NOUN
+,	PUNCT
+do	AUX
+n't	PART
+assume	VERB
+it	PRON
+'s	AUX
+better	ADJ
+in	ADP
+Oz	PROPN
+.	PUNCT
+
+People	NOUN
+have	AUX
+been	AUX
+fleeing	VERB
+this	DET
+country	NOUN
+at	ADP
+roughly	ADV
+a	DET
+plane	NOUN
+load	NOUN
+per	ADP
+week	NOUN
+for	ADP
+the	DET
+past	ADJ
+20	NUM
++	SYM
+years	NOUN
+,	PUNCT
+so	ADV
+it	PRON
+'s	AUX
+not	PART
+anything	PRON
+new	ADJ
+.	PUNCT
+
+It	PRON
+depends	VERB
+on	SCONJ
+what	PRON
+you	PRON
+hunger	VERB
+for	ADP
+.	PUNCT
+
+700	NUM
+f	NOUN
+jobs	NOUN
+are	AUX
+n't	PART
+advertised	VERB
+.	PUNCT
+
+That	PRON
+means	VERB
+making	VERB
+yourself	PRON
+known	VERB
+;	PUNCT
+that	PRON
+means	VERB
+networking	NOUN
+.	PUNCT
+
+why	ADV
+does	AUX
+my	PRON
+baby	ADJ
+king	NOUN
+snake	NOUN
+refuse	VERB
+to	PART
+eat	VERB
+?	PUNCT
+
+i	PRON
+have	VERB
+a	DET
+baby	ADJ
+eastern	ADJ
+king	NOUN
+snake	NOUN
+.	PUNCT
+
+i	PRON
+have	AUX
+tried	VERB
+EVERYTHING	PRON
+i	PRON
+can	AUX
+to	PART
+get	VERB
+him	PRON
+to	PART
+eat	VERB
+but	CCONJ
+he	PRON
+refuses	VERB
+.	PUNCT
+
+he	PRON
+has	VERB
+a	DET
+great	ADJ
+environment	NOUN
+,	PUNCT
+with	ADP
+water	NOUN
+and	CCONJ
+lots	NOUN
+of	ADP
+hiding	NOUN
+places	NOUN
+and	CCONJ
+a	DET
+heat	NOUN
+lamp	NOUN
+.	PUNCT
+
+as	ADV
+far	ADV
+as	SCONJ
+i	PRON
+know	VERB
+,	PUNCT
+everything	PRON
+is	AUX
+as	ADV
+good	ADJ
+as	SCONJ
+it	PRON
+can	AUX
+be	VERB
+where	ADV
+his	PRON
+aquarium	NOUN
+is	AUX
+concerned	ADJ
+.	PUNCT
+
+according	VERB
+to	ADP
+the	DET
+vet	NOUN
+,	PUNCT
+he	PRON
+is	AUX
+healthy	ADJ
+and	CCONJ
+looks	VERB
+good	ADJ
+.	PUNCT
+
+he	PRON
+has	AUX
+been	AUX
+going	VERB
+to	ADP
+the	DET
+bathroom	NOUN
+like	SCONJ
+he	PRON
+should	AUX
+.	PUNCT
+
+(	PUNCT
+i	PRON
+know	VERB
+that	SCONJ
+snakes	NOUN
+that	PRON
+have	VERB
+problems	NOUN
+going	VERB
+to	ADP
+the	DET
+bathroom	NOUN
+wo	AUX
+n't	PART
+eat	VERB
+.	PUNCT
+)	PUNCT
+
+he	PRON
+has	AUX
+been	AUX
+drinking	VERB
+water	NOUN
+(	PUNCT
+i	PRON
+am	AUX
+pretty	ADV
+sure	ADJ
+he	PRON
+has	AUX
+been	AUX
+drinking	VERB
+it	PRON
+out	ADP
+of	ADP
+his	PRON
+bowl	NOUN
+,	PUNCT
+but	CCONJ
+also	ADV
+i	PRON
+have	AUX
+been	AUX
+feeding	VERB
+him	PRON
+water	NOUN
+and	CCONJ
+he	PRON
+does	AUX
+n't	PART
+ever	ADV
+give	VERB
+me	PRON
+a	DET
+problem	NOUN
+with	ADP
+that	PRON
+-	PUNCT
+i	PRON
+just	ADV
+stick	VERB
+his	PRON
+head	NOUN
+near	ADP
+the	DET
+water	NOUN
+and	CCONJ
+he	PRON
+sucks	VERB
+it	PRON
+down	ADP
+.	PUNCT
+)	PUNCT
+
+i	PRON
+handle	VERB
+him	PRON
+every	DET
+few	ADJ
+days	NOUN
+.	PUNCT
+
+he	PRON
+is	AUX
+feisty	ADJ
+,	PUNCT
+as	SCONJ
+most	ADJ
+king	NOUN
+snakes	NOUN
+are	VERB
+,	PUNCT
+but	CCONJ
+he	PRON
+is	AUX
+a	DET
+very	ADV
+nice	ADJ
+little	ADJ
+guy	ADV
+-	PUNCT
+he	PRON
+never	ADV
+tries	VERB
+to	PART
+bite	VERB
+or	CCONJ
+anything	PRON
+.	PUNCT
+
+i	PRON
+just	ADV
+love	VERB
+him	PRON
+to	ADP
+death	NOUN
+.	PUNCT
+
+i	PRON
+do	AUX
+n't	PART
+know	VERB
+why	ADV
+he	PRON
+wo	AUX
+n't	PART
+eat	VERB
+though	ADV
+!	PUNCT
+
+i	PRON
+have	AUX
+tried	VERB
+feeding	VERB
+him	PRON
+5	NUM
+or	CCONJ
+6	NUM
+live	ADJ
+pinkies	NOUN
+and	CCONJ
+4	NUM
+or	CCONJ
+5	NUM
+frozen	ADJ
+(	PUNCT
+thawed	VERB
+)	PUNCT
+pinkies	NOUN
+.	PUNCT
+
+i	PRON
+have	AUX
+never	ADV
+tried	VERB
+feeding	VERB
+him	PRON
+a	DET
+pinky	NOUN
+that	PRON
+was	AUX
+bigger	ADV
+around	ADV
+than	SCONJ
+he	PRON
+is	VERB
+.	PUNCT
+
+i	PRON
+have	AUX
+tried	VERB
+putting	VERB
+him	PRON
+in	ADP
+a	DET
+small	ADJ
+container	NOUN
+and	CCONJ
+putting	VERB
+him	PRON
+in	ADP
+a	DET
+dark	ADJ
+place	NOUN
+for	ADP
+an	DET
+hour	NOUN
+or	CCONJ
+so	ADV
+and	CCONJ
+he	PRON
+wo	AUX
+n't	PART
+touch	VERB
+the	DET
+pinky	NOUN
+.	PUNCT
+
+he	PRON
+crawls	VERB
+on	ADP
+top	NOUN
+of	ADP
+them	PRON
+but	CCONJ
+does	AUX
+not	PART
+try	VERB
+to	PART
+eat	VERB
+them	PRON
+.	PUNCT
+
+he	PRON
+does	AUX
+n't	PART
+seem	VERB
+to	PART
+know	VERB
+that	SCONJ
+they	PRON
+are	AUX
+food	NOUN
+.	PUNCT
+
+i	PRON
+have	AUX
+tried	VERB
+"	PUNCT
+braining	VERB
+"	PUNCT
+both	CCONJ
+live	NOUN
+and	CCONJ
+dead	ADJ
+pinkies	NOUN
+,	PUNCT
+and	CCONJ
+bloodying	VERB
+them	PRON
+up	ADP
+to	PART
+get	VERB
+his	PRON
+attention	NOUN
+,	PUNCT
+but	CCONJ
+he	PRON
+does	AUX
+n't	PART
+care	VERB
+.	PUNCT
+
+i	PRON
+have	AUX
+tried	VERB
+dipping	VERB
+both	CCONJ
+live	ADJ
+and	CCONJ
+thawed	VERB
+pinkies	NOUN
+in	ADP
+tuna	NOUN
+juice	NOUN
+,	PUNCT
+and	CCONJ
+in	ADP
+used	ADJ
+gerbil	NOUN
+bedding	NOUN
+.	PUNCT
+
+i	PRON
+have	AUX
+bought	VERB
+some	DET
+long	ADJ
+reptile	NOUN
+feeding	NOUN
+tweezers	NOUN
+and	CCONJ
+have	AUX
+tried	VERB
+holding	VERB
+the	DET
+pinky	NOUN
+in	ADP
+front	NOUN
+of	ADP
+the	DET
+snake	NOUN
+'s	PART
+face	NOUN
+.	PUNCT
+
+he	PRON
+wo	AUX
+nt	PART
+even	ADV
+try	VERB
+to	PART
+bite	VERB
+.	PUNCT
+
+i	PRON
+am	AUX
+very	ADV
+discouraged	ADJ
+and	CCONJ
+sad	ADJ
+and	CCONJ
+i	PRON
+do	AUX
+n't	PART
+know	VERB
+what	PRON
+to	PART
+do	VERB
+.	PUNCT
+
+he	PRON
+has	AUX
+n't	PART
+eaten	VERB
+in	ADP
+an	DET
+entire	ADJ
+month	NOUN
+.	PUNCT
+
+i	PRON
+'ve	AUX
+only	ADV
+tried	VERB
+to	PART
+feed	VERB
+him	PRON
+one	NUM
+at	ADP
+a	DET
+time	NOUN
+.	PUNCT
+
+he	PRON
+'s	AUX
+just	ADV
+a	DET
+tiny	ADJ
+baby	NOUN
+,	PUNCT
+about	ADP
+the	DET
+width	NOUN
+of	ADP
+a	DET
+pencil	NOUN
+.	PUNCT
+
+do	AUX
+babies	NOUN
+this	ADV
+small	ADJ
+hibernate	VERB
+?	PUNCT
+
+When	ADV
+you	PRON
+feed	VERB
+him	PRON
+how	ADV
+many	ADJ
+pinkies	NOUN
+do	AUX
+you	PRON
+feed	VERB
+him	PRON
+?	PUNCT
+
+If	SCONJ
+you	PRON
+feed	VERB
+him	PRON
+too	ADV
+many	ADJ
+he	PRON
+could	AUX
+just	ADV
+not	PART
+be	AUX
+hungry	ADJ
+.	PUNCT
+
+If	SCONJ
+he	PRON
+does	AUX
+n't	PART
+seem	VERB
+interested	ADJ
+in	ADP
+them	PRON
+at	ADV
+all	ADV
+I	PRON
+would	AUX
+say	VERB
+he	PRON
+'s	AUX
+just	ADV
+not	PART
+hungry	ADJ
+.	PUNCT
+
+My	PRON
+boyfriend	NOUN
+has	VERB
+one	NUM
+and	CCONJ
+when	ADV
+she	PRON
+'s	AUX
+hungry	ADJ
+she	PRON
+attacks	VERB
+the	DET
+pinkie	NOUN
+right	ADV
+away	ADV
+.	PUNCT
+
+They	PRON
+can	AUX
+smell	VERB
+it	PRON
+so	ADV
+i	PRON
+'m	AUX
+sure	ADJ
+he	PRON
+knows	VERB
+what	PRON
+it	PRON
+is	AUX
+and	CCONJ
+just	ADV
+do	AUX
+n't	PART
+want	VERB
+it	PRON
+.	PUNCT
+
+Remember	VERB
+snakes	NOUN
+can	AUX
+go	VERB
+a	DET
+while	NOUN
+without	SCONJ
+eating	VERB
+.	PUNCT
+
+In	ADP
+the	DET
+winter	NOUN
+,	PUNCT
+they	PRON
+will	AUX
+usually	ADV
+go	VERB
+deep	ADV
+underground	ADV
+and	CCONJ
+enter	VERB
+a	DET
+hibernation	NOUN
+-	PUNCT
+like	ADJ
+state	NOUN
+called	VERB
+brumation	NOUN
+,	PUNCT
+which	PRON
+is	AUX
+characterized	VERB
+by	ADP
+a	DET
+slowed	ADJ
+metabolism	NOUN
+and	CCONJ
+reduced	VERB
+activity	NOUN
+.	PUNCT
+
+King	NOUN
+snakes	NOUN
+sometimes	ADV
+stop	VERB
+eating	VERB
+,	PUNCT
+particularly	ADV
+during	ADP
+the	DET
+cooler	ADJ
+part	NOUN
+of	ADP
+the	DET
+year	NOUN
+.	PUNCT
+
+They	PRON
+have	VERB
+a	DET
+natural	ADJ
+instinct	NOUN
+to	PART
+hibernate	VERB
+.	PUNCT
+
+If	SCONJ
+the	DET
+snake	NOUN
+is	AUX
+not	PART
+pregnant	ADJ
+or	CCONJ
+shedding	VERB
+,	PUNCT
+and	CCONJ
+its	PRON
+enclosure	NOUN
+is	AUX
+properly	ADV
+equipped	VERB
+,	PUNCT
+a	DET
+loss	NOUN
+of	ADP
+appetite	NOUN
+probably	ADV
+signals	VERB
+a	DET
+beginning	NOUN
+of	ADP
+hibernation	NOUN
+.	PUNCT
+
+Hibernation	NOUN
+is	AUX
+natural	ADJ
+,	PUNCT
+and	CCONJ
+a	DET
+necessity	NOUN
+for	ADP
+snakes	NOUN
+that	PRON
+are	AUX
+going	VERB
+to	PART
+be	AUX
+bred	VERB
+.	PUNCT
+
+Another	DET
+thing	NOUN
+that	PRON
+can	AUX
+cause	VERB
+a	DET
+king	NOUN
+snake	NOUN
+to	PART
+stop	VERB
+eating	VERB
+is	AUX
+shedding	NOUN
+.	PUNCT
+
+You	PRON
+can	AUX
+tell	VERB
+when	ADV
+your	PRON
+king	NOUN
+snake	NOUN
+is	AUX
+about	ADJ
+to	PART
+shed	VERB
+,	PUNCT
+because	SCONJ
+its	PRON
+eyes	NOUN
+will	AUX
+get	VERB
+milky	ADJ
+looking	VERB
+.	PUNCT
+
+Its	PRON
+body	NOUN
+will	AUX
+be	AUX
+dull	ADJ
+looking	VERB
+,	PUNCT
+too	ADV
+.	PUNCT
+
+In	ADP
+a	DET
+few	ADJ
+days	NOUN
+the	DET
+snake	NOUN
+will	AUX
+begin	VERB
+to	PART
+shed	VERB
+its	PRON
+skin	NOUN
+.	PUNCT
+
+For	ADP
+example	NOUN
+,	PUNCT
+some	DET
+snakes	NOUN
+will	AUX
+routinely	ADV
+go	VERB
+off	ADP
+their	PRON
+food	NOUN
+in	ADP
+both	CCONJ
+the	DET
+summer	NOUN
+and	CCONJ
+winter	NOUN
+,	PUNCT
+feeding	VERB
+mainly	ADV
+in	ADP
+spring	NOUN
+and	CCONJ
+fall	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+natural	ADJ
+and	CCONJ
+so	ADV
+long	ADV
+as	SCONJ
+you	PRON
+do	AUX
+n't	PART
+see	VERB
+any	DET
+serious	ADJ
+deterioration	NOUN
+in	ADP
+their	PRON
+health	NOUN
+is	AUX
+nothing	PRON
+to	PART
+worry	VERB
+about	ADP
+.	PUNCT
+
+You	PRON
+see	VERB
+,	PUNCT
+some	DET
+snakes	NOUN
+for	ADP
+no	DET
+obvious	ADJ
+reason	NOUN
+will	AUX
+simply	ADV
+go	VERB
+off	ADP
+their	PRON
+food	NOUN
+.	PUNCT
+
+They	PRON
+'re	AUX
+fit	ADJ
+and	CCONJ
+healthy	ADJ
+and	CCONJ
+their	PRON
+care	NOUN
+is	AUX
+suitable	ADJ
+.	PUNCT
+
+hope	VERB
+this	PRON
+helped	VERB
+.	PUNCT
+
+That	PRON
+'s	AUX
+why	ADV
+it	PRON
+'s	AUX
+good	ADJ
+to	PART
+have	VERB
+a	DET
+python	NOUN
+!	PUNCT
+
+It	PRON
+'s	AUX
+twice	ADV
+my	PRON
+size	NOUN
+and	CCONJ
+eats	VERB
+a	DET
+rabbit	NOUN
+once	ADV
+a	DET
+month	NOUN
+.	PUNCT
+
+are	AUX
+my	PRON
+two	NUM
+cats	NOUN
+fighting	VERB
+or	CCONJ
+playing	VERB
+?	PUNCT
+
+how	ADV
+rough	ADJ
+is	AUX
+too	ADV
+rough	ADJ
+?	PUNCT
+
+help	VERB
+!?	PUNCT
+
+i	PRON
+have	VERB
+a	DET
+1	NUM
+and	CCONJ
+a	DET
+half	NOUN
+year	NOUN
+old	ADJ
+male	ADJ
+neutered	VERB
+cat	NOUN
+and	CCONJ
+a	DET
+new	ADJ
+2	NUM
+month	NOUN
+old	ADJ
+spayed	VERB
+female	ADJ
+kitten	NOUN
+.	PUNCT
+
+the	DET
+first	ADJ
+night	NOUN
+i	PRON
+brought	VERB
+her	PRON
+home	ADV
+i	PRON
+did	VERB
+the	DET
+sniffing	VERB
+under	ADP
+the	DET
+door	NOUN
+thing	NOUN
+and	CCONJ
+left	VERB
+it	PRON
+at	ADP
+that	PRON
+.	PUNCT
+
+the	DET
+next	ADJ
+day	NOUN
+i	PRON
+let	VERB
+her	PRON
+out	ADP
+of	ADP
+the	DET
+bedroom	NOUN
+so	SCONJ
+they	PRON
+could	AUX
+check	VERB
+each	DET
+other	ADJ
+out	ADP
+,	PUNCT
+and	CCONJ
+the	DET
+kitten	NOUN
+hissed	VERB
+twice	ADV
+within	ADP
+the	DET
+first	ADJ
+20	NUM
+minutes	NOUN
+of	SCONJ
+meeting	VERB
+each	DET
+other	ADJ
+and	CCONJ
+now	ADV
+she	PRON
+no	ADV
+longer	ADV
+hisses	VERB
+and	CCONJ
+they	PRON
+have	AUX
+been	AUX
+playing	VERB
+(	PUNCT
+chasing	VERB
+each	DET
+other	ADJ
+up	ADP
+and	CCONJ
+down	ADP
+the	DET
+hall	NOUN
+,	PUNCT
+rolling	VERB
+around	ADV
+on	ADP
+the	DET
+ground	NOUN
+and	CCONJ
+pawing	VERB
+at	ADP
+each	DET
+other	ADJ
+)	PUNCT
+.	PUNCT
+
+only	ADV
+once	ADV
+it	PRON
+looked	VERB
+like	SCONJ
+my	PRON
+male	ADJ
+cat	NOUN
+was	AUX
+biting	VERB
+at	ADP
+her	PRON
+neck	NOUN
+and	CCONJ
+then	ADV
+her	PRON
+stomach	NOUN
+and	CCONJ
+she	PRON
+was	AUX
+meowing	VERB
+fairly	ADV
+loud	ADV
+and	CCONJ
+hissed	VERB
+once	ADV
+then	ADV
+he	PRON
+backed	VERB
+off	ADP
+and	CCONJ
+now	ADV
+they	PRON
+are	AUX
+fine	ADJ
+.	PUNCT
+
+were	AUX
+they	PRON
+roughhouse	NOUN
+playing	VERB
+?	PUNCT
+
+or	CCONJ
+were	AUX
+they	PRON
+actually	ADV
+fighting	VERB
+?	PUNCT
+
+he	PRON
+has	AUX
+been	AUX
+"	PUNCT
+biting	VERB
+"	PUNCT
+at	ADP
+her	PRON
+neck	NOUN
+and	CCONJ
+stomach	NOUN
+previously	ADV
+while	SCONJ
+they	PRON
+play	VERB
+without	SCONJ
+her	PRON
+meowing	VERB
+or	CCONJ
+anything	PRON
+so	ADV
+i	PRON
+m	AUX
+wondering	VERB
+if	SCONJ
+he	PRON
+went	VERB
+a	DET
+little	ADJ
+to	ADV
+far	ADV
+that	DET
+one	NUM
+time	NOUN
+.	PUNCT
+
+any	DET
+answers	NOUN
+help	VERB
+!!!!!!	PUNCT
+
+you	PRON
+did	AUX
+not	PART
+leave	VERB
+the	DET
+new	ADJ
+kitten	NOUN
+in	ADP
+the	DET
+room	NOUN
+long	ADV
+enough	ADV
+.	PUNCT
+
+you	PRON
+need	VERB
+to	PART
+do	VERB
+that	PRON
+for	ADP
+a	ADV
+least	ADV
+a	DET
+week	NOUN
+,	PUNCT
+or	CCONJ
+else	ADV
+this	DET
+type	NOUN
+of	ADP
+territorial	ADJ
+fighting	NOUN
+will	AUX
+happen	VERB
+.	PUNCT
+
+giving	VERB
+the	DET
+new	ADJ
+kitten	NOUN
+her	PRON
+own	ADJ
+small	ADJ
+territory	NOUN
+will	AUX
+help	VERB
+her	PRON
+to	PART
+feel	VERB
+safe	ADJ
+and	CCONJ
+will	AUX
+give	VERB
+her	PRON
+a	DET
+place	NOUN
+to	PART
+go	VERB
+to	ADP
+when	ADV
+scared	ADJ
+.	PUNCT
+
+right	ADV
+now	ADV
+,	PUNCT
+your	PRON
+male	NOUN
+is	AUX
+fighting	VERB
+off	ADP
+an	DET
+intruder	NOUN
+,	PUNCT
+and	CCONJ
+he	PRON
+feels	VERB
+that	SCONJ
+all	DET
+of	ADP
+the	DET
+house	NOUN
+is	AUX
+his	PRON
+.	PUNCT
+
+put	VERB
+her	PRON
+back	ADP
+in	ADP
+the	DET
+room	NOUN
+,	PUNCT
+and	CCONJ
+keep	VERB
+the	DET
+door	NOUN
+closed	ADJ
+for	ADP
+a	DET
+week	NOUN
+.	PUNCT
+
+then	ADV
+let	VERB
+her	PRON
+out	ADP
+for	ADP
+ten	NUM
+minutes	NOUN
+.	PUNCT
+
+make	VERB
+it	PRON
+fifteen	NUM
+the	DET
+next	ADJ
+day	NOUN
+,	PUNCT
+then	ADV
+twenty	NUM
+,	PUNCT
+and	CCONJ
+so	ADV
+on	ADV
+.	PUNCT
+
+this	PRON
+will	AUX
+do	VERB
+two	NUM
+things	NOUN
+;	PUNCT
+the	DET
+new	ADJ
+kitten	NOUN
+will	AUX
+rub	VERB
+her	PRON
+cheek	NOUN
+on	ADP
+the	DET
+furniture	NOUN
+in	ADP
+her	PRON
+room	NOUN
+,	PUNCT
+making	VERB
+it	PRON
+her	PRON
+territory	NOUN
+.	PUNCT
+
+she	PRON
+will	AUX
+start	VERB
+to	PART
+calm	VERB
+down	ADP
+and	CCONJ
+feel	VERB
+safe	ADJ
+-	PUNCT
+you	PRON
+can	AUX
+bet	VERB
+she	PRON
+does	AUX
+n't	PART
+now	ADV
+.	PUNCT
+
+she	PRON
+knows	VERB
+she	PRON
+is	AUX
+invading	VERB
+someone	PRON
+else	ADJ
+'s	PART
+territory	NOUN
+,	PUNCT
+but	CCONJ
+ca	AUX
+n't	PART
+help	VERB
+it	PRON
+,	PUNCT
+and	CCONJ
+has	VERB
+no	X
+where	NOUN
+to	PART
+go	VERB
+.	PUNCT
+
+she	PRON
+will	AUX
+be	AUX
+able	ADJ
+to	PART
+sleep	VERB
+without	SCONJ
+being	AUX
+afraid	ADJ
+.	PUNCT
+
+as	ADV
+well	ADV
+,	PUNCT
+your	PRON
+male	NOUN
+will	AUX
+be	AUX
+able	ADJ
+to	PART
+see	VERB
+that	SCONJ
+his	PRON
+territory	NOUN
+is	AUX
+not	PART
+threatened	VERB
+.	PUNCT
+
+when	ADV
+the	DET
+door	NOUN
+opens	VERB
+,	PUNCT
+he	PRON
+will	AUX
+get	VERB
+that	SCONJ
+the	DET
+one	NOUN
+room	NOUN
+is	AUX
+hers	PRON
+,	PUNCT
+and	CCONJ
+he	PRON
+will	AUX
+be	AUX
+OK	ADJ
+with	ADP
+that	PRON
+.	PUNCT
+
+the	DET
+territory	NOUN
+thing	NOUN
+will	AUX
+be	AUX
+solved	VERB
+.	PUNCT
+
+your	PRON
+male	NOUN
+is	AUX
+hurting	VERB
+her	PRON
+to	PART
+put	VERB
+her	PRON
+in	ADP
+her	PRON
+place	NOUN
+-	PUNCT
+biting	VERB
+her	PRON
+scruff	NOUN
+is	AUX
+dominance	NOUN
+and	CCONJ
+biting	VERB
+the	DET
+belly	NOUN
+is	AUX
+a	DET
+move	NOUN
+cats	NOUN
+use	VERB
+when	ADV
+hunting	VERB
+-	PUNCT
+to	PART
+pull	VERB
+the	DET
+guts	NOUN
+out	ADP
+of	ADP
+their	PRON
+prey	NOUN
+.	PUNCT
+
+this	PRON
+is	AUX
+not	PART
+good	ADJ
+.	PUNCT
+
+give	VERB
+them	PRON
+time	NOUN
+to	PART
+set	VERB
+up	ADP
+their	PRON
+territories	NOUN
+,	PUNCT
+and	CCONJ
+once	SCONJ
+you	PRON
+bring	VERB
+the	DET
+new	ADJ
+kitten	NOUN
+out	ADP
+,	PUNCT
+pay	VERB
+a	DET
+lot	NOUN
+of	ADP
+attention	NOUN
+to	ADP
+the	DET
+male	NOUN
+.	PUNCT
+
+you	PRON
+have	AUX
+brought	VERB
+someone	PRON
+else	ADJ
+into	ADP
+his	PRON
+territory	NOUN
+,	PUNCT
+and	CCONJ
+he	PRON
+needs	VERB
+to	PART
+be	AUX
+reminded	VERB
+that	SCONJ
+you	PRON
+still	ADV
+love	VERB
+him	PRON
+,	PUNCT
+and	CCONJ
+support	VERB
+his	PRON
+claim	NOUN
+to	ADP
+his	PRON
+space	NOUN
+.	PUNCT
+
+that	PRON
+will	AUX
+help	VERB
+to	PART
+reassure	VERB
+him	PRON
+,	PUNCT
+and	CCONJ
+he	PRON
+will	AUX
+be	AUX
+less	ADV
+aggressive	ADJ
+with	ADP
+her	PRON
+.	PUNCT
+
+when	ADV
+they	PRON
+play	VERB
+fight	VERB
+,	PUNCT
+they	PRON
+do	AUX
+n't	PART
+hiss	VERB
+.	PUNCT
+
+if	SCONJ
+they	PRON
+hiss	VERB
+,	PUNCT
+they	PRON
+are	AUX
+not	PART
+playing	VERB
+.	PUNCT
+
+if	SCONJ
+they	PRON
+bite	VERB
+,	PUNCT
+and	CCONJ
+one	NUM
+cries	VERB
+,	PUNCT
+you	PRON
+must	AUX
+separate	VERB
+them	PRON
+,	PUNCT
+and	CCONJ
+you	PRON
+must	AUX
+keep	VERB
+an	DET
+eye	NOUN
+on	ADP
+them	PRON
+.	PUNCT
+
+hissing	NOUN
+is	AUX
+OK	ADJ
+,	PUNCT
+unless	SCONJ
+they	PRON
+start	VERB
+to	PART
+fight	VERB
+.	PUNCT
+
+if	SCONJ
+that	PRON
+happens	VERB
+,	PUNCT
+separate	VERB
+them	PRON
+,	PUNCT
+and	CCONJ
+give	VERB
+them	PRON
+time	NOUN
+apart	ADV
+.	PUNCT
+
+putting	VERB
+the	DET
+girl	NOUN
+in	ADP
+her	PRON
+territory	NOUN
+will	AUX
+make	VERB
+her	PRON
+feel	VERB
+less	ADV
+afraid	ADJ
+,	PUNCT
+and	CCONJ
+she	PRON
+will	AUX
+relax	VERB
+.	PUNCT
+
+good	ADJ
+luck	NOUN
+!	PUNCT
+
+A	DET
+hiss	NOUN
+is	AUX
+basically	ADV
+a	DET
+"	PUNCT
+get	VERB
+the	DET
+f*ck	NOUN
+away	ADV
+"	PUNCT
+sound	NOUN
+.	PUNCT
+
+It	PRON
+means	VERB
+they	PRON
+'ve	AUX
+gone	VERB
+too	ADV
+far	ADV
+.	PUNCT
+
+When	ADV
+they	PRON
+start	VERB
+bleeding	VERB
+that	PRON
+means	VERB
+they	PRON
+'re	AUX
+really	ADV
+fighting	VERB
+.	PUNCT
+
+If	SCONJ
+they	PRON
+'re	AUX
+going	VERB
+kinda	ADV
+slow	ADV
+and	CCONJ
+like	INTJ
+fake	ADJ
+biting	VERB
+(	PUNCT
+not	PART
+biting	VERB
+as	ADV
+hard	ADV
+as	SCONJ
+they	PRON
+can	AUX
+)	PUNCT
+,	PUNCT
+and	CCONJ
+fake	ADJ
+scratching	VERB
+(	PUNCT
+not	PART
+hitting	VERB
+as	ADV
+hard	ADV
+as	SCONJ
+they	PRON
+can	AUX
+with	ADP
+their	PRON
+paws	NOUN
+)	PUNCT
+then	ADV
+they	PRON
+'re	AUX
+playing	VERB
+.	PUNCT
+
+I	PRON
+have	VERB
+two	NUM
+cats	NOUN
+,	PUNCT
+and	CCONJ
+at	ADV
+first	ADV
+they	PRON
+hissed	VERB
+at	ADP
+each	DET
+other	ADJ
+because	SCONJ
+cats	NOUN
+are	AUX
+very	ADV
+territorial	ADJ
+,	PUNCT
+but	CCONJ
+now	ADV
+they	PRON
+do	AUX
+fight	VERB
+and	CCONJ
+play	VERB
+.	PUNCT
+
+The	DET
+difference	NOUN
+is	VERB
+when	ADV
+the	DET
+cat	NOUN
+hisses	VERB
+,	PUNCT
+that	PRON
+means	VERB
+they	PRON
+are	AUX
+annoyed	ADJ
+and	CCONJ
+they	PRON
+want	VERB
+the	DET
+other	ADJ
+cat	NOUN
+to	PART
+go	VERB
+away	ADV
+.	PUNCT
+
+That	PRON
+means	VERB
+they	PRON
+are	AUX
+fighting	VERB
+.	PUNCT
+
+When	ADV
+they	PRON
+are	AUX
+just	ADV
+jumping	VERB
+at	ADP
+each	DET
+other	ADJ
+and	CCONJ
+their	PRON
+tails	NOUN
+are	AUX
+wagging	VERB
+that	PRON
+means	VERB
+that	SCONJ
+they	PRON
+are	AUX
+playing	VERB
+.	PUNCT
+
+I	PRON
+can	AUX
+see	VERB
+how	ADV
+you	PRON
+get	VERB
+confused	ADJ
+though	ADV
+.	PUNCT
+:)	SYM
+
+What	PRON
+was	AUX
+the	DET
+goal	NOUN
+for	ADP
+North	PROPN
+Vietnam	PROPN
+in	ADP
+the	DET
+Tet	PROPN
+offensive	PROPN
+?	PUNCT
+
+When	ADV
+Johnson	PROPN
+deployed	VERB
+troops	NOUN
+in	ADP
+1964	NUM
+he	PRON
+was	AUX
+advised	VERB
+by	ADP
+the	DET
+military	ADJ
+it	PRON
+would	AUX
+take	VERB
+a	DET
+half	NOUN
+-	PUNCT
+million	NUM
+troops	NOUN
+about	ADV
+ten	NUM
+years	NOUN
+to	PART
+pacify	VERB
+South	PROPN
+Vietnam	PROPN
+.	PUNCT
+
+He	PRON
+refused	VERB
+to	PART
+believe	VERB
+them	PRON
+and	CCONJ
+ordered	VERB
+the	DET
+military	NOUN
+to	PART
+win	VERB
+the	DET
+war	NOUN
+within	ADP
+two	NUM
+to	ADP
+three	NUM
+years	NOUN
+(	PUNCT
+before	ADP
+the	DET
+next	ADJ
+election	NOUN
+in	ADP
+1968	NUM
+)	PUNCT
+.	PUNCT
+
+He	PRON
+did	AUX
+not	PART
+give	VERB
+them	PRON
+the	DET
+number	NOUN
+of	ADP
+troops	NOUN
+they	PRON
+requested	VERB
+.	PUNCT
+
+This	PRON
+left	VERB
+Westmoreland	PROPN
+with	ADP
+few	ADJ
+options	NOUN
+,	PUNCT
+so	ADV
+he	PRON
+adapted	VERB
+a	DET
+Search	VERB
+and	CCONJ
+Destroy	VERB
+strategy	NOUN
+instead	ADV
+of	ADP
+a	DET
+Clear	VERB
+and	CCONJ
+Defend	VERB
+strategy	NOUN
+which	PRON
+is	AUX
+,	PUNCT
+in	ADP
+the	DET
+long	ADJ
+run	NOUN
+,	PUNCT
+the	DET
+preferred	ADJ
+method	NOUN
+of	SCONJ
+pacifying	VERB
+an	DET
+insurgency	NOUN
+.	PUNCT
+
+Thing	NOUN
+is	VERB
+,	PUNCT
+it	PRON
+worked	VERB
+.	PUNCT
+
+The	DET
+ARVN	PROPN
+was	AUX
+not	PART
+having	VERB
+a	DET
+big	ADJ
+problem	NOUN
+with	ADP
+the	DET
+Local	ADJ
+VC	PROPN
+(	PUNCT
+the	DET
+guerilla	NOUN
+movement	NOUN
+)	PUNCT
+,	PUNCT
+they	PRON
+were	AUX
+being	AUX
+challenged	VERB
+by	ADP
+the	DET
+Main	ADJ
+Force	NOUN
+VC	PROPN
+(	PUNCT
+which	PRON
+was	AUX
+light	ADJ
+infantry	NOUN
+)	PUNCT
+and	CCONJ
+the	DET
+North	PROPN
+Vietnamese	PROPN
+Army	PROPN
+(	PUNCT
+NVA	PROPN
+)	PUNCT
+.	PUNCT
+
+When	ADV
+the	DET
+Americans	PROPN
+swept	VERB
+in	ADV
+with	ADP
+their	PRON
+Search	VERB
+and	CCONJ
+Destroy	VERB
+operations	NOUN
+the	DET
+Communists	PROPN
+quickly	ADV
+leaned	VERB
+they	PRON
+could	AUX
+not	PART
+stand	VERB
+up	ADP
+to	ADP
+the	DET
+US	PROPN
+firepower	NOUN
+,	PUNCT
+and	CCONJ
+these	DET
+regular	ADJ
+troops	NOUN
+were	AUX
+forced	VERB
+to	PART
+flee	VERB
+the	DET
+country	NOUN
+and	CCONJ
+take	VERB
+sanctuary	ADJ
+across	ADP
+the	DET
+borders	NOUN
+in	ADP
+Laos	PROPN
+and	CCONJ
+Cambodia	PROPN
+.	PUNCT
+
+All	DET
+those	DET
+sunny	ADJ
+reports	NOUN
+about	ADP
+the	DET
+progress	NOUN
+in	ADP
+Vietnam	PROPN
+were	AUX
+correct	ADJ
+,	PUNCT
+the	DET
+Communists	PROPN
+WERE	AUX
+being	AUX
+defeated	VERB
+.	PUNCT
+
+However	ADV
+,	PUNCT
+Johnson	PROPN
+would	AUX
+not	PART
+let	VERB
+the	DET
+military	NOUN
+cross	VERB
+the	DET
+borders	NOUN
+and	CCONJ
+clean	VERB
+out	ADP
+the	DET
+Communist	PROPN
+bases	NOUN
+.	PUNCT
+
+He	PRON
+was	AUX
+warned	VERB
+that	SCONJ
+they	PRON
+were	AUX
+building	VERB
+up	ADP
+a	DET
+huge	ADJ
+Army	NOUN
+and	CCONJ
+would	AUX
+eventually	ADV
+launch	VERB
+an	DET
+attack	NOUN
+,	PUNCT
+but	CCONJ
+he	PRON
+ignored	VERB
+his	PRON
+military	ADJ
+advisers	NOUN
+.	PUNCT
+
+The	DET
+Communists	PROPN
+agreed	VERB
+.	PUNCT
+
+They	PRON
+could	AUX
+not	PART
+defeat	VERB
+the	DET
+Americans	PROPN
+.	PUNCT
+
+However	ADV
+,	PUNCT
+what	PRON
+they	PRON
+hoped	VERB
+to	PART
+do	VERB
+during	ADP
+the	DET
+Tet	PROPN
+Offensive	PROPN
+was	VERB
+to	PART
+sneak	VERB
+past	ADP
+the	DET
+Americans	PROPN
+and	CCONJ
+attack	VERB
+the	DET
+ARVN	PROPN
+in	ADP
+the	DET
+urban	ADJ
+areas	NOUN
+where	ADV
+they	PRON
+were	AUX
+deployed	VERB
+doing	VERB
+successful	ADJ
+Clear	VERB
+and	CCONJ
+Defend	VERB
+operations	NOUN
+.	PUNCT
+
+The	DET
+Communists	PROPN
+thought	VERB
+they	PRON
+could	AUX
+defeat	VERB
+the	DET
+ARVN	PROPN
+,	PUNCT
+cause	VERB
+the	DET
+fall	NOUN
+of	ADP
+the	DET
+South	ADJ
+Vietnamese	ADJ
+government	NOUN
+,	PUNCT
+and	CCONJ
+the	DET
+people	NOUN
+would	AUX
+than	ADV
+rally	VERB
+to	ADP
+the	DET
+Communist	ADJ
+cause	NOUN
+and	CCONJ
+leave	VERB
+the	DET
+Americans	PROPN
+stranded	VERB
+in	ADP
+a	DET
+sea	NOUN
+of	ADP
+angry	ADJ
+peasants	NOUN
+.	PUNCT
+
+THAT	PRON
+WAS	AUX
+THE	DET
+PLAN	NOUN
+.	PUNCT
+
+What	PRON
+happened	VERB
+?	PUNCT
+
+The	DET
+Americans	PROPN
+detected	VERB
+the	DET
+attempt	NOUN
+to	PART
+infiltrate	VERB
+the	DET
+urban	ADJ
+areas	NOUN
+and	CCONJ
+were	AUX
+already	ADV
+redeploying	VERB
+troops	NOUN
+from	ADP
+the	DET
+rural	ADJ
+areas	NOUN
+.	PUNCT
+
+The	DET
+ARVN	PROPN
+rushed	VERB
+back	ADV
+from	ADP
+holiday	NOUN
+leave	NOUN
+and	CCONJ
+counterattacked	VERB
+.	PUNCT
+
+Within	ADP
+24	NUM
+hours	NOUN
+every	DET
+Communist	PROPN
+assault	NOUN
+had	AUX
+been	AUX
+defeated	VERB
+except	ADP
+in	ADP
+the	DET
+ancient	ADJ
+capital	NOUN
+of	ADP
+Hue	PROPN
+.	PUNCT
+
+The	DET
+government	NOUN
+did	AUX
+NOT	PART
+fall	VERB
+.	PUNCT
+
+And	CCONJ
+the	DET
+South	ADJ
+Vietnamese	ADJ
+people	NOUN
+?	PUNCT
+
+When	ADV
+give	VERB
+the	DET
+ultimate	ADJ
+choice	NOUN
+,	PUNCT
+they	PRON
+rallied	VERB
+…	PUNCT
+
+TO	ADP
+THE	DET
+SOUTH	ADJ
+VIETNAMESE	ADJ
+GOVERNMENT	NOUN
+….	PUNCT
+
+Tet	PROPN
+was	AUX
+a	DET
+huge	ADJ
+military	ADJ
+and	CCONJ
+political	ADJ
+disaster	NOUN
+for	ADP
+the	DET
+Communists	PROPN
+.	PUNCT
+
+They	PRON
+were	AUX
+chased	VERB
+back	ADV
+into	ADP
+Laos	PROPN
+and	CCONJ
+Cambodia	PROPN
+with	SCONJ
+the	DET
+ARVN	PROPN
+in	ADP
+hot	ADJ
+pursuit	NOUN
+.	PUNCT
+
+The	DET
+people	NOUN
+rejected	VERB
+their	PRON
+attempt	NOUN
+to	PART
+topple	VERB
+the	DET
+government	NOUN
+,	PUNCT
+and	CCONJ
+for	ADP
+all	DET
+intents	NOUN
+and	CCONJ
+purposes	NOUN
+the	DET
+US	PROPN
+military	NOUN
+(	PUNCT
+and	CCONJ
+the	DET
+ARVN	PROPN
+)	PUNCT
+handed	VERB
+Johnson	PROPN
+the	DET
+victory	NOUN
+he	PRON
+had	AUX
+ordered	VERB
+them	PRON
+to	PART
+achieve	VERB
+within	ADP
+the	DET
+time	NOUN
+-	PUNCT
+frame	NOUN
+he	PRON
+ordered	VERB
+it	PRON
+.	PUNCT
+
+All	DET
+he	PRON
+had	VERB
+to	PART
+do	VERB
+for	ADP
+a	DET
+complete	ADJ
+victory	NOUN
+was	VERB
+allow	VERB
+the	DET
+military	NOUN
+to	PART
+go	VERB
+into	ADP
+Laos	PROPN
+and	CCONJ
+Cambodia	PROPN
+and	CCONJ
+finish	VERB
+off	ADP
+the	DET
+shattered	ADJ
+Communist	PROPN
+forces	NOUN
+.	PUNCT
+
+But	CCONJ
+Johnson	PROPN
+was	AUX
+so	ADV
+obtuse	ADJ
+he	PRON
+did	AUX
+n’t	PART
+understand	VERB
+he	PRON
+had	VERB
+a	DET
+victory	NOUN
+when	ADV
+it	PRON
+was	AUX
+handed	VERB
+to	ADP
+him	PRON
+on	ADP
+a	DET
+silver	ADJ
+platter	NOUN
+.	PUNCT
+
+Instead	ADV
+he	PRON
+pulled	VERB
+the	DET
+military	ADJ
+off	ADP
+,	PUNCT
+stopped	VERB
+the	DET
+bombing	NOUN
+of	ADP
+North	PROPN
+Vietnam	PROPN
+,	PUNCT
+withdrew	VERB
+from	ADP
+the	DET
+presidential	ADJ
+race	NOUN
+,	PUNCT
+and	CCONJ
+spent	VERB
+the	DET
+rest	NOUN
+of	ADP
+his	PRON
+term	NOUN
+in	ADP
+office	NOUN
+trying	VERB
+to	PART
+surrender	VERB
+to	ADP
+North	PROPN
+Vietnam	PROPN
+.	PUNCT
+
+They	PRON
+screwed	VERB
+up	ADP
+by	SCONJ
+not	ADV
+accepting	VERB
+his	PRON
+surrender	NOUN
+when	ADV
+he	PRON
+offered	VERB
+it	PRON
+.	PUNCT
+
+The	DET
+American	ADJ
+people	NOUN
+were	AUX
+NOT	PART
+having	VERB
+any	DET
+of	ADP
+it	PRON
+,	PUNCT
+and	CCONJ
+elected	VERB
+Richard	PROPN
+Nixon	PROPN
+to	PART
+fix	VERB
+the	DET
+mess	NOUN
+LBJ	PROPN
+had	AUX
+made	VERB
+(	PUNCT
+not	PART
+to	PART
+surrender	VERB
+like	SCONJ
+the	DET
+antiwar	ADJ
+movement	NOUN
+was	AUX
+demanding	VERB
+)	PUNCT
+.	PUNCT
+
+In	ADP
+the	DET
+end	NOUN
+Nixon	PROPN
+kept	VERB
+his	PRON
+promise	NOUN
+for	ADP
+“	PUNCT
+…	PUNCT
+peace	NOUN
+with	ADP
+honor	NOUN
+….	PUNCT
+”	PUNCT
+
+But	CCONJ
+that	PRON
+’s	AUX
+another	DET
+question	NOUN
+.	PUNCT
+
+To	PART
+emancipate	VERB
+the	DET
+south	NOUN
+,	PUNCT
+but	CCONJ
+it	PRON
+was	AUX
+a	DET
+serious	ADJ
+failure	NOUN
+.	PUNCT
+
+To	PART
+make	VERB
+the	DET
+war	NOUN
+unpalatable	ADJ
+to	ADP
+the	DET
+American	ADJ
+public	NOUN
+.	PUNCT
+
+In	ADP
+that	PRON
+,	PUNCT
+they	PRON
+pretty	ADV
+much	ADV
+succeeded	VERB
+.	PUNCT
+
+Before	ADP
+Tet	PROPN
+,	PUNCT
+the	DET
+war	NOUN
+was	AUX
+unpopular	ADJ
+but	CCONJ
+tolerable	ADJ
+to	ADP
+the	DET
+majority	NOUN
+of	ADP
+Americans	PROPN
+in	SCONJ
+that	SCONJ
+the	DET
+loss	NOUN
+of	ADP
+American	ADJ
+lives	NOUN
+was	AUX
+seen	VERB
+as	ADP
+the	DET
+cost	NOUN
+of	SCONJ
+subduing	VERB
+the	DET
+VC	PROPN
+and	CCONJ
+NVA	PROPN
+.	PUNCT
+
+Tet	PROPN
+made	VERB
+it	PRON
+clear	ADJ
+that	SCONJ
+the	DET
+war	NOUN
+was	AUX
+a	DET
+long	ADJ
+way	NOUN
+from	SCONJ
+being	AUX
+over	ADV
+if	SCONJ
+the	DET
+Americans	PROPN
+thought	VERB
+they	PRON
+could	AUX
+preserve	VERB
+the	DET
+South	PROPN
+and	CCONJ
+that	SCONJ
+the	DET
+North	PROPN
+was	AUX
+perfectly	ADV
+willing	ADJ
+to	PART
+suffer	VERB
+great	ADJ
+losses	NOUN
+to	PART
+continue	VERB
+their	PRON
+fight	NOUN
+.	PUNCT
+
+There	PRON
+is	VERB
+a	DET
+very	ADV
+good	ADJ
+book	NOUN
+on	ADP
+the	DET
+subject	NOUN
+that	PRON
+was	AUX
+written	VERB
+by	ADP
+General	PROPN
+Vo	PROPN
+Nguyen	PROPN
+Giap	PROPN
+.	PUNCT
+
+Try	VERB
+google	PROPN
+to	PART
+find	VERB
+the	DET
+title	NOUN
+if	SCONJ
+you	PRON
+would	AUX
+like	VERB
+to	PART
+read	VERB
+it	PRON
+.	PUNCT
+
+Bearded	ADJ
+dragon	NOUN
+question	NOUN
+...	PUNCT
+?	PUNCT
+
+I	PRON
+just	ADV
+bought	VERB
+a	DET
+baby	NOUN
+one	NUM
+yesterday	NOUN
+.	PUNCT
+
+I	PRON
+have	VERB
+a	DET
+basking	NOUN
+spot	NOUN
+lamp	NOUN
+that	PRON
+says	VERB
+it	PRON
+is	AUX
+a	DET
+double	ADJ
+reflector	NOUN
+that	PRON
+focuses	VERB
+35	NUM
+%	SYM
+more	ADJ
+light	ADJ
+/	PUNCT
+heat	NOUN
+and	CCONJ
+provides	VERB
+beneficial	ADJ
+UVA	NOUN
+rays	NOUN
+important	ADJ
+to	ADP
+the	DET
+psycholical	ADJ
+well	ADJ
+-	PUNCT
+being	NOUN
+of	ADP
+him	PRON
+.	PUNCT
+
+My	PRON
+question	NOUN
+is	VERB
+does	AUX
+that	PRON
+mean	VERB
+it	PRON
+gives	VERB
+him	PRON
+not	ADV
+only	ADV
+the	DET
+heat	NOUN
+,	PUNCT
+but	CCONJ
+the	DET
+"	PUNCT
+sun	NOUN
+rays	NOUN
+"	PUNCT
+he	PRON
+needs	VERB
+?	PUNCT
+
+I	PRON
+also	ADV
+was	AUX
+wondering	VERB
+how	ADV
+long	ADV
+should	AUX
+this	DET
+light	NOUN
+be	AUX
+on	ADV
+.	PUNCT
+
+The	DET
+lady	NOUN
+at	ADP
+pet	PROPN
+smart	PROPN
+said	VERB
+4	NUM
+hours	NOUN
+,	PUNCT
+but	CCONJ
+on	ADP
+places	NOUN
+on	ADP
+the	DET
+net	NOUN
+it	PRON
+says	VERB
+10	NUM
+to	ADP
+12	NUM
+hours	NOUN
+.	PUNCT
+
+He	PRON
+'s	AUX
+getting	VERB
+used	ADJ
+to	ADP
+his	PRON
+new	ADJ
+home	NOUN
+,	PUNCT
+but	CCONJ
+has	AUX
+n't	PART
+eatin	VERB
+yet	ADV
+.	PUNCT
+
+I	PRON
+have	VERB
+bearded	ADJ
+dragon	NOUN
+juvenile	NOUN
+food	NOUN
+and	CCONJ
+freeze	VERB
+-	PUNCT
+dried	VERB
+crickets	NOUN
+.	PUNCT
+
+Any	DET
+advice	NOUN
+would	AUX
+be	AUX
+greatly	ADV
+appreciated	VERB
+.	PUNCT
+
+Thank	VERB
+you	PRON
+for	ADP
+your	PRON
+time	NOUN
+.	PUNCT
+
+Let	VERB
+me	PRON
+try	VERB
+to	PART
+break	VERB
+this	PRON
+down	ADP
+as	ADV
+simply	ADV
+as	SCONJ
+I	PRON
+can	AUX
+:	PUNCT
+diurnal	ADJ
+(	PUNCT
+active	ADJ
+during	ADP
+the	DET
+day	NOUN
+time	NOUN
+)	PUNCT
+reptiles	NOUN
+like	ADP
+the	DET
+bearded	ADJ
+dragon	NOUN
+require	VERB
+3	NUM
+types	NOUN
+of	ADP
+"	PUNCT
+light	NOUN
+,	PUNCT
+"	PUNCT
+UVA	NOUN
+,	PUNCT
+UVB	NOUN
+,	PUNCT
+and	CCONJ
+heat	NOUN
+.	PUNCT
+
+Any	DET
+white	NOUN
+light	NOUN
+emitting	VERB
+light	NOUN
+source	NOUN
+will	AUX
+emit	VERB
+UVA	NOUN
+,	PUNCT
+including	VERB
+heat	NOUN
+bulbs	NOUN
+,	PUNCT
+that	PRON
+'s	AUX
+the	DET
+easy	ADJ
+one	NOUN
+to	PART
+provide	VERB
+for	ADP
+.	PUNCT
+
+UVB	NOUN
+on	ADP
+the	DET
+other	ADJ
+hand	NOUN
+can	AUX
+only	ADV
+be	AUX
+reproduced	VERB
+by	ADP
+a	DET
+fluorescent	ADJ
+source	NOUN
+.	PUNCT
+
+UVB	NOUN
+will	AUX
+always	ADV
+be	AUX
+a	DET
+separate	ADJ
+bulb	NOUN
+from	ADP
+the	DET
+heat	NOUN
+lamp	NOUN
+,	PUNCT
+unless	SCONJ
+you	PRON
+use	VERB
+a	DET
+MVB	NOUN
+(	PUNCT
+mercury	NOUN
+vapor	NOUN
+bulb	NOUN
+)	PUNCT
+which	PRON
+is	AUX
+the	DET
+only	ADJ
+reptile	NOUN
+use	NOUN
+bulb	NOUN
+that	PRON
+will	AUX
+emit	VERB
+both	CCONJ
+UVB	NOUN
+and	CCONJ
+heat	NOUN
+from	ADP
+one	NUM
+bulb	NOUN
+.	PUNCT
+
+I	PRON
+highly	ADV
+recommend	VERB
+that	SCONJ
+you	PRON
+do	AUX
+not	PART
+use	VERB
+coiled	ADJ
+/	PUNCT
+compact	ADJ
+UVB	NOUN
+bulbs	NOUN
+as	SCONJ
+they	PRON
+are	AUX
+known	VERB
+to	PART
+cause	VERB
+severe	ADJ
+eye	NOUN
+damage	NOUN
+and	CCONJ
+/	PUNCT
+or	CCONJ
+blindness	NOUN
+in	ADP
+reptiles	NOUN
+not	ADV
+to	PART
+mention	VERB
+they	PRON
+have	VERB
+trouble	NOUN
+maintaining	VERB
+UVB	NOUN
+output	NOUN
+over	ADP
+time	NOUN
+.	PUNCT
+
+The	DET
+long	ADJ
+tube	NOUN
+UVB	NOUN
+bulbs	NOUN
+are	AUX
+best	ADJ
+,	PUNCT
+like	ADP
+Zoomed	PROPN
+'s	PART
+Repsitun	PROPN
+model	NOUN
+:	PUNCT
+http://lllreptile.com/store/catalog/reptile-supplies/uvb-fluorescent-lights-mercury-vapor-bulbs/-/zoo-med-24-repti-sun-100-fluorescent-bulb/	X
+Remember	VERB
+to	PART
+replace	VERB
+UVB	NOUN
+bulbs	NOUN
+according	VERB
+to	ADP
+the	DET
+manufacturer	NOUN
+s	PART
+recommendation	NOUN
+after	ADP
+which	DET
+time	NOUN
+the	DET
+bulb	NOUN
+will	AUX
+no	ADV
+longer	ADV
+produce	VERB
+UVB	NOUN
+even	ADV
+if	SCONJ
+visible	ADJ
+light	NOUN
+still	ADV
+is	VERB
+.	PUNCT
+
+So	ADV
+,	PUNCT
+to	PART
+answer	VERB
+your	PRON
+question	NOUN
+,	PUNCT
+no	INTJ
+,	PUNCT
+if	SCONJ
+you	PRON
+just	ADV
+have	VERB
+a	DET
+bulb	NOUN
+that	PRON
+says	VERB
+it	PRON
+produces	VERB
+UVA	PROPN
+then	ADV
+you	PRON
+do	AUX
+not	PART
+have	VERB
+"	PUNCT
+the	DET
+sun	NOUN
+'s	PART
+rays	NOUN
+"	PUNCT
+that	PRON
+your	PRON
+bearded	VERB
+needs	VERB
+.	PUNCT
+
+You	PRON
+need	VERB
+to	PART
+also	ADV
+provide	VERB
+a	DET
+source	NOUN
+a	ADP
+UVB	PROPN
+lighting	NOUN
+.	PUNCT
+
+The	DET
+person	NOUN
+at	ADP
+Petsmart	PROPN
+is	AUX
+very	ADV
+wrong	ADJ
+;	PUNCT
+in	ADP
+fact	NOUN
+it	PRON
+is	AUX
+always	ADV
+a	DET
+good	ADJ
+idea	NOUN
+to	PART
+second	ADV
+guess	VERB
+what	PRON
+most	ADJ
+pet	NOUN
+store	NOUN
+employees	NOUN
+tell	VERB
+you	PRON
+;	PUNCT
+they	PRON
+do	AUX
+n't	PART
+have	VERB
+the	DET
+best	ADJ
+track	NOUN
+record	NOUN
+regarding	VERB
+giving	VERB
+reliable	ADJ
+pet	NOUN
+care	NOUN
+info	NOUN
+.	PUNCT
+
+UVB	PROPN
+and	CCONJ
+basking	VERB
+temp	NOUN
+(	PUNCT
+should	AUX
+be	AUX
+about	ADV
+110	NUM
+F	PROPN
+for	ADP
+a	DET
+baby	NOUN
+,	PUNCT
+95	NUM
+F	PROPN
+for	ADP
+an	DET
+adult	NOUN
+)	PUNCT
+should	AUX
+be	AUX
+available	ADJ
+for	ADP
+10	NUM
+-	SYM
+12	NUM
+hours	NOUN
+a	DET
+day	NOUN
+.	PUNCT
+
+Freeze	VERB
+dried	VERB
+food	NOUN
+is	AUX
+not	PART
+a	DET
+good	ADJ
+staple	NOUN
+food	NOUN
+source	NOUN
+;	PUNCT
+you	PRON
+need	VERB
+to	PART
+offer	VERB
+live	ADJ
+feeder	NOUN
+insects	NOUN
+.	PUNCT
+
+Bearded	ADJ
+dragons	NOUN
+are	AUX
+sight	ADJ
+hunters	NOUN
+,	PUNCT
+they	PRON
+need	VERB
+to	PART
+see	VERB
+the	DET
+food	NOUN
+move	VERB
+to	PART
+trigger	VERB
+a	DET
+feeding	VERB
+response	NOUN
+,	PUNCT
+especially	ADV
+when	ADV
+they	PRON
+are	AUX
+babies	NOUN
+.	PUNCT
+
+Live	PROPN
+food	NOUN
+is	AUX
+also	ADV
+higher	ADJ
+in	ADP
+nutritional	ADJ
+value	NOUN
+than	ADP
+freeze	ADJ
+dried	ADJ
+.	PUNCT
+
+Crickets	NOUN
+,	PUNCT
+silk	NOUN
+worms	NOUN
+,	PUNCT
+phoenix	ADJ
+worms	NOUN
+,	PUNCT
+and	CCONJ
+various	ADJ
+feeder	NOUN
+roaches	NOUN
+,	PUNCT
+like	ADP
+red	VERB
+-	PUNCT
+lobster	NOUN
+,	PUNCT
+turkistan	NOUN
+,	PUNCT
+and	CCONJ
+dubia	NOUN
+,	PUNCT
+are	AUX
+good	ADJ
+example	NOUN
+of	ADP
+staple	NOUN
+insects	NOUN
+to	PART
+offer	VERB
+your	PRON
+bearded	VERB
+.	PUNCT
+
+Wax	PROPN
+worms	NOUN
+and	CCONJ
+meal	ADJ
+worms	NOUN
+should	AUX
+only	ADV
+be	AUX
+offered	VERB
+as	ADP
+treat	ADJ
+items	NOUN
+,	PUNCT
+for	ADP
+variety	NOUN
+'s	PART
+sake	NOUN
+.	PUNCT
+
+I	PRON
+would	AUX
+highly	ADV
+recommend	VERB
+that	SCONJ
+you	PRON
+read	VERB
+through	ADP
+some	DET
+reliable	ADJ
+bearded	VERB
+guides	NOUN
+to	PART
+make	VERB
+sure	ADJ
+you	PRON
+have	VERB
+everything	PRON
+set	VERB
+up	ADP
+correctly	ADV
+:	PUNCT
+
+http://herp-info.webs.com/beardeddragon.htm	X
+
+http://www.beardeddragon.org/articles/caresheet/?page=1	X
+
+mm	INTJ
+it	PRON
+depends	VERB
+on	ADP
+the	DET
+size	NOUN
+of	ADP
+his	PRON
+tank	NOUN
+or	CCONJ
+cage	NOUN
+or	CCONJ
+whatever	DET
+you	PRON
+have	VERB
+him	PRON
+in	ADP
+..	PUNCT
+atleast	ADV
+as	ADV
+far	ADV
+as	SCONJ
+i	PRON
+'m	AUX
+concerned	ADJ
+.	PUNCT
+
+if	SCONJ
+there	PRON
+are	VERB
+shady	ADJ
+areas	NOUN
+he	PRON
+can	AUX
+move	VERB
+to	ADP
+(	PUNCT
+for	ADP
+example	NOUN
+a	DET
+3	NUM
+x	SYM
+5	NUM
+x	SYM
+4	NUM
+tank	NOUN
+with	ADP
+light	NOUN
+on	ADP
+one	NUM
+side	NOUN
+)	PUNCT
+then	ADV
+you	PRON
+can	AUX
+leave	VERB
+it	PRON
+on	ADJ
+a	DET
+full	ADJ
+12	NUM
+-	SYM
+14	NUM
+hours	NOUN
+,	PUNCT
+if	SCONJ
+it	PRON
+s	AUX
+a	DET
+small	ADJ
+tank	NOUN
+and	CCONJ
+he	PRON
+ca	AUX
+n't	PART
+escape	VERB
+the	DET
+light	NOUN
+then	ADV
+4	NUM
+-	SYM
+6	NUM
+at	ADV
+most	ADV
+at	ADP
+a	DET
+time	NOUN
+though	ADV
+quite	ADV
+possibly	ADV
+4	NUM
+-	SYM
+6	NUM
+hours	NOUN
+at	ADP
+a	DET
+time	NOUN
+twice	ADV
+a	DET
+day	NOUN
+.	PUNCT
+
+either	DET
+way	NOUN
+you	PRON
+also	ADV
+need	VERB
+to	PART
+keep	VERB
+an	DET
+eye	NOUN
+on	ADP
+the	DET
+temperature	NOUN
+if	SCONJ
+you	PRON
+are	AUX
+using	VERB
+a	DET
+dry	NOUN
+fish	NOUN
+tank	NOUN
+as	ADP
+UV	PROPN
+lights	NOUN
+in	ADP
+my	PRON
+experience	NOUN
+up	VERB
+the	DET
+temperature	NOUN
+significantly	ADV
+and	CCONJ
+without	ADP
+proper	ADJ
+ventilation	NOUN
+it	PRON
+can	AUX
+become	VERB
+an	DET
+oven	ADJ
+.	PUNCT
+
+as	ADP
+to	SCONJ
+what	PRON
+the	DET
+light	NOUN
+provides	VERB
+it	PRON
+gives	VERB
+UV	PROPN
+rays	VERB
+..	PUNCT
+which	PRON
+is	AUX
+important	ADJ
+for	ADP
+health	NOUN
+in	ADP
+lizards	NOUN
+as	SCONJ
+it	PRON
+is	AUX
+in	ADP
+humans	NOUN
+.	PUNCT
+
+That	DET
+lady	NOUN
+at	ADP
+PetSmart	PROPN
+is	AUX
+a	DET
+disgrace	NOUN
+to	ADP
+the	DET
+rest	NOUN
+of	ADP
+us	PRON
+PetSmart	PROPN
+associates	VERB
+...	PUNCT
+sheesh	INTJ
+.	PUNCT
+
+Yes	INTJ
+,	PUNCT
+it	PRON
+gives	VERB
+him	PRON
+the	DET
+"	PUNCT
+sun	NOUN
+rays	NOUN
+"	PUNCT
+necessary	ADJ
+,	PUNCT
+that	PRON
+'s	VERB
+what	PRON
+UVA	PROPN
+is	AUX
+.	PUNCT
+
+And	CCONJ
+it	PRON
+should	AUX
+be	AUX
+on	ADV
+10	NUM
+-	SYM
+12	NUM
+hours	NOUN
+,	PUNCT
+just	ADV
+like	SCONJ
+the	DET
+sun	NOUN
+would	AUX
+be	AUX
+up	ADV
+for	ADP
+10	NUM
+-	SYM
+12	NUM
+hours	NOUN
+in	ADP
+his	PRON
+natural	ADJ
+environment	NOUN
+.	PUNCT
+
+As	ADP
+for	ADP
+the	DET
+heat	NOUN
+,	PUNCT
+just	ADV
+be	AUX
+sure	ADJ
+to	PART
+use	VERB
+a	DET
+thermometer	NOUN
+.	PUNCT
+
+Also	ADV
+,	PUNCT
+Beardies	PROPN
+often	ADV
+do	AUX
+not	PART
+eat	VERB
+food	NOUN
+that	PRON
+is	AUX
+not	PART
+moving	VERB
+,	PUNCT
+so	ADV
+it	PRON
+s	VERB
+anyone	PRON
+'s	PART
+guess	NOUN
+whether	SCONJ
+or	CCONJ
+not	ADV
+he	PRON
+'ll	AUX
+touch	VERB
+the	DET
+freeze	VERB
+-	PUNCT
+dried	VERB
+crickets	NOUN
+or	CCONJ
+the	DET
+processed	VERB
+food	NOUN
+.	PUNCT
+
+I	PRON
+tell	VERB
+all	ADV
+my	PRON
+customers	NOUN
+they	PRON
+can	AUX
+try	VERB
+it	PRON
+,	PUNCT
+but	CCONJ
+do	AUX
+n't	PART
+count	VERB
+on	ADP
+it	PRON
+.	PUNCT
+
+Also	ADV
+try	VERB
+green	ADJ
+leafy	NOUN
+veggies	NOUN
+,	PUNCT
+like	ADP
+kale	NOUN
+and	CCONJ
+spinach	NOUN
+.	PUNCT
+
+Best	ADJ
+of	ADP
+luck	NOUN
+!	PUNCT
+
+Is	AUX
+a	DET
+finch	NOUN
+or	CCONJ
+a	DET
+parakeet	NOUN
+better	ADJ
+?	PUNCT
+
+I	PRON
+am	AUX
+making	VERB
+a	DET
+christmas	PROPN
+list	NOUN
+for	ADP
+my	PRON
+parents	NOUN
+and	CCONJ
+i	PRON
+was	AUX
+going	VERB
+to	PART
+ask	VERB
+for	ADP
+a	DET
+bird	NOUN
+and	CCONJ
+these	PRON
+are	AUX
+the	DET
+affordable	ADJ
+ones	NOUN
+that	PRON
+i	PRON
+like	VERB
+,	PUNCT
+and	CCONJ
+i	PRON
+was	AUX
+wondering	VERB
+:	PUNCT
+which	PRON
+would	AUX
+not	PART
+bite	VERB
+alot	ADV
+,	PUNCT
+and	CCONJ
+which	PRON
+are	AUX
+more	ADJ
+fun	NOUN
+to	PART
+have	VERB
+as	ADP
+pets	NOUN
+AND	CCONJ
+I	PRON
+NEED	VERB
+TO	PART
+KNOW	VERB
+WHICH	PRON
+WOULD	AUX
+BE	AUX
+QUIETEST	ADJ
+i	PRON
+honestly	ADV
+do	AUX
+nt	PART
+care	VERB
+but	CCONJ
+my	PRON
+family	NOUN
+does	VERB
+!	PUNCT
+
+Please	INTJ
+help	VERB
+me	PRON
+!	PUNCT
+
+oh	INTJ
+and	CCONJ
+please	INTJ
+say	VERB
+y	ADV
+one	NUM
+is	AUX
+better	ADJ
+thx	NOUN
+!!!!!!	PUNCT
+
+Hi	INTJ
+there	ADV
+,	PUNCT
+
+Please	INTJ
+choose	VERB
+the	DET
+parakeet	NOUN
+...	PUNCT
+
+Here	ADV
+s	AUX
+my	PRON
+reason	NOUN
+.....	PUNCT
+
+I	PRON
+did	VERB
+the	DET
+same	ADJ
+thing	NOUN
+that	PRON
+you	PRON
+did	VERB
+for	ADP
+christmas	PROPN
+.	PUNCT
+
+I	PRON
+ended	VERB
+up	ADP
+getting	VERB
+a	DET
+pair	NOUN
+of	ADP
+zebra	NOUN
+finches	NOUN
+for	ADP
+christmas	PROPN
+.	PUNCT
+
+At	ADP
+first	ADV
+it	PRON
+was	AUX
+all	ADV
+cool	ADJ
+and	CCONJ
+all	DET
+.	PUNCT
+
+They	PRON
+were	AUX
+chirping	VERB
+and	CCONJ
+doing	VERB
+their	PRON
+every	X
+day	ADJ
+business	NOUN
+.	PUNCT
+
+After	ADP
+a	DET
+couple	NOUN
+of	ADP
+weeks	NOUN
+I	PRON
+got	VERB
+tired	ADJ
+of	ADP
+them	PRON
+.	PUNCT
+
+They	PRON
+are	AUX
+quite	ADV
+messy	ADJ
+and	CCONJ
+you	PRON
+can	AUX
+not	PART
+hold	VERB
+or	CCONJ
+pet	VERB
+them	PRON
+.	PUNCT
+
+I	PRON
+ve	AUX
+tried	VERB
+to	PART
+tame	VERB
+them	PRON
+and	CCONJ
+they	PRON
+just	ADV
+would	AUX
+not	PART
+get	AUX
+tamed	VERB
+.	PUNCT
+
+They	PRON
+do	AUX
+nt	PART
+want	VERB
+to	PART
+be	AUX
+held	VERB
+or	CCONJ
+touched	VERB
+.	PUNCT
+
+I	PRON
+want	VERB
+a	DET
+bird	NOUN
+that	PRON
+I	PRON
+can	AUX
+hold	VERB
+and	CCONJ
+do	VERB
+tricks	NOUN
+.	PUNCT
+
+I	PRON
+still	ADV
+have	VERB
+them	PRON
+and	CCONJ
+they	PRON
+are	AUX
+doing	VERB
+well	ADV
+.	PUNCT
+
+A	DET
+couple	NOUN
+of	ADP
+months	NOUN
+after	SCONJ
+I	PRON
+got	VERB
+parakeets	NOUN
+/	PUNCT
+budgies	NOUN
+.	PUNCT
+
+They	PRON
+are	AUX
+adorable	ADJ
+they	PRON
+have	VERB
+beautiful	ADJ
+colors	NOUN
+and	CCONJ
+personality	NOUN
+.	PUNCT
+
+I	PRON
+love	VERB
+them	PRON
+.	PUNCT
+
+First	ADV
+of	ADP
+all	DET
+they	PRON
+are	AUX
+very	ADV
+tame	ADJ
+.	PUNCT
+
+I	PRON
+tamed	VERB
+them	PRON
+in	ADP
+4	NUM
+days	NOUN
+.	PUNCT
+
+They	PRON
+can	AUX
+do	VERB
+tricks	NOUN
+and	CCONJ
+they	PRON
+are	AUX
+nt	PART
+messy	ADJ
+.	PUNCT
+
+The	DET
+whole	ADJ
+family	NOUN
+loves	VERB
+them	PRON
+.	PUNCT
+
+My	PRON
+parents	NOUN
+even	ADV
+plays	VERB
+with	ADP
+them	PRON
+.	PUNCT
+
+They	PRON
+are	AUX
+a	DET
+big	ADJ
+part	NOUN
+of	ADP
+our	PRON
+family	NOUN
+.	PUNCT
+
+I	PRON
+hope	VERB
+this	PRON
+helps	VERB
+you	PRON
+with	ADP
+your	PRON
+decision	NOUN
+.	PUNCT
+
+They	PRON
+are	AUX
+both	ADV
+about	ADV
+the	DET
+same	ADJ
+noise	NOUN
+level	NOUN
+.	PUNCT
+
+When	ADV
+choosing	VERB
+a	DET
+parakeet	NOUN
+look	VERB
+for	ADP
+a	DET
+young	ADJ
+one	NOUN
+.	PUNCT
+
+(	PUNCT
+the	DET
+younger	ADJ
+the	DET
+eaiser	ADJ
+to	PART
+tame	VERB
+)	PUNCT
+Look	VERB
+for	ADP
+clean	ADJ
+smooth	ADJ
+feathers	NOUN
+,	PUNCT
+beak	NOUN
+,	PUNCT
+and	CCONJ
+clean	ADJ
+vent	NOUN
+feathers	NOUN
+(	PUNCT
+the	DET
+feathers	NOUN
+around	ADP
+the	DET
+butt	NOUN
+..	PUNCT
+dirty	ADJ
+vent	NOUN
+feathers	NOUN
+means	VERB
+the	DET
+bird	NOUN
+is	AUX
+not	PART
+healthy	ADJ
+)	PUNCT
+Look	VERB
+for	ADP
+a	DET
+dark	ADJ
+eye	NOUN
+with	ADP
+no	DET
+circles	NOUN
+(	PUNCT
+the	DET
+older	ADJ
+ones	NOUN
+have	VERB
+a	DET
+circle	NOUN
+ring	NOUN
+in	ADP
+their	PRON
+eyes	NOUN
+)	PUNCT
+.	PUNCT
+
+Look	VERB
+for	ADP
+a	DET
+lot	NOUN
+of	ADP
+stripes	NOUN
+in	ADP
+their	PRON
+head	NOUN
+that	PRON
+starts	VERB
+from	ADP
+the	DET
+beak	NOUN
+and	CCONJ
+goes	VERB
+back	ADV
+to	ADP
+the	DET
+back	NOUN
+fo	ADP
+the	DET
+bird	NOUN
+.	PUNCT
+
+the	DET
+stripes	NOUN
+are	AUX
+like	ADP
+hair	NOUN
+the	DET
+less	ADJ
+stipes	NOUN
+the	DET
+older	ADJ
+.	PUNCT
+
+(	PUNCT
+think	VERB
+of	ADP
+a	DET
+balding	VERB
+man	NOUN
+lol	INTJ
+)	PUNCT
+Look	VERB
+for	ADP
+clean	ADJ
+feathers	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+want	VERB
+a	DET
+boy	NOUN
+the	DET
+cere	NOUN
+(	PUNCT
+the	DET
+nostrils	NOUN
+piece	NOUN
+above	ADP
+the	DET
+beak	NOUN
+)	PUNCT
+must	AUX
+be	AUX
+blue	ADJ
+.	PUNCT
+
+The	DET
+girl	NOUN
+has	VERB
+either	CCONJ
+pink	ADJ
+or	CCONJ
+brown	ADJ
+.	PUNCT
+
+I	PRON
+would	AUX
+recommend	VERB
+that	SCONJ
+you	PRON
+get	VERB
+two	NUM
+parakeets	NOUN
+.	PUNCT
+
+But	CCONJ
+get	VERB
+either	CCONJ
+one	NUM
+male	NOUN
+and	CCONJ
+one	NUM
+female	NOUN
+,	PUNCT
+or	CCONJ
+two	NUM
+males	NOUN
+.	PUNCT
+
+Do	AUX
+not	PART
+get	VERB
+two	NUM
+females	NOUN
+.	PUNCT
+
+They	PRON
+sometimes	ADV
+do	AUX
+nt	PART
+get	VERB
+along	ADV
+(	PUNCT
+you	PRON
+know	VERB
+how	ADV
+some	DET
+girls	NOUN
+are	AUX
+lol	INTJ
+hahahaahh	INTJ
+but	CCONJ
+for	ADP
+real	ADJ
+though	ADV
+,	PUNCT
+two	NUM
+girls	NOUN
+tend	VERB
+to	PART
+fight	VERB
+a	DET
+lot	NOUN
+.	PUNCT
+
+I	PRON
+have	VERB
+one	NUM
+yellow	ADJ
+girl	NOUN
+and	CCONJ
+a	DET
+green	ADJ
+and	CCONJ
+yellow	ADJ
+boy	NOUN
+.	PUNCT
+
+They	PRON
+are	AUX
+the	DET
+best	ADJ
+!	PUNCT
+
+If	SCONJ
+you	PRON
+choose	VERB
+to	PART
+get	VERB
+a	DET
+parakeet	NOUN
+this	PRON
+is	AUX
+a	DET
+trick	NOUN
+that	PRON
+I	PRON
+used	VERB
+to	PART
+tame	VERB
+them	PRON
+.	PUNCT
+
+However	ADV
+if	SCONJ
+you	PRON
+plan	VERB
+on	SCONJ
+getting	VERB
+one	NUM
+,	PUNCT
+then	ADV
+get	VERB
+more	ADJ
+than	ADP
+one	NUM
+at	ADP
+the	DET
+same	ADJ
+time	NOUN
+they	PRON
+need	VERB
+company	NOUN
+.	PUNCT
+
+My	PRON
+mom	NOUN
+told	VERB
+me	PRON
+how	ADV
+to	PART
+tame	VERB
+them	PRON
+and	CCONJ
+I	PRON
+was	AUX
+very	ADV
+happy	ADJ
+with	ADP
+the	DET
+results	NOUN
+.	PUNCT
+
+It	PRON
+took	VERB
+me	PRON
+4	NUM
+days	NOUN
+to	PART
+get	VERB
+the	DET
+new	ADJ
+one	NOUN
+to	PART
+be	AUX
+able	ADJ
+to	PART
+step	VERB
+on	ADP
+and	CCONJ
+eat	VERB
+out	ADP
+of	ADP
+my	PRON
+hand	NOUN
+.	PUNCT
+
+These	PRON
+are	AUX
+the	DET
+steps	NOUN
+I	PRON
+used	VERB
+.	PUNCT
+
+Honestly	ADV
+they	PRON
+have	AUX
+worked	VERB
+for	ADP
+me	PRON
+twice	ADV
+with	ADP
+my	PRON
+parakeets	NOUN
+.	PUNCT
+
+Hopefully	ADV
+they	PRON
+will	AUX
+work	VERB
+for	ADP
+you	PRON
+.	PUNCT
+
+1	X
+)	PUNCT
+When	ADV
+you	PRON
+get	VERB
+the	DET
+bird	NOUN
+,	PUNCT
+place	VERB
+him	PRON
+or	CCONJ
+her	PRON
+or	CCONJ
+them	PRON
+in	ADP
+the	DET
+cage	NOUN
+.	PUNCT
+
+Leave	VERB
+them	PRON
+in	ADP
+there	ADV
+with	ADP
+food	NOUN
+and	CCONJ
+water	NOUN
+and	CCONJ
+such	ADJ
+for	ADP
+about	ADV
+2	NUM
+hours	NOUN
+.	PUNCT
+
+2	X
+)	PUNCT
+Then	ADV
+place	VERB
+you	PRON
+hand	NOUN
+in	ADP
+the	DET
+cage	NOUN
+.	PUNCT
+
+I	PRON
+took	VERB
+the	DET
+cage	NOUN
+and	CCONJ
+place	VERB
+it	PRON
+next	ADV
+to	ADP
+the	DET
+couch	NOUN
+.	PUNCT
+
+Then	ADV
+I	PRON
+sat	VERB
+on	ADP
+the	DET
+couch	NOUN
+,	PUNCT
+placed	VERB
+one	NUM
+hand	NOUN
+in	ADP
+the	DET
+cage	NOUN
+,	PUNCT
+holding	VERB
+a	DET
+millet	NOUN
+spray	NOUN
+.	PUNCT
+
+(	PUNCT
+this	DET
+way	NOUN
+the	PRON
+will	AUX
+associate	VERB
+your	PRON
+hand	NOUN
+with	ADP
+food	NOUN
+,	PUNCT
+and	CCONJ
+birds	NOUN
+love	VERB
+food	NOUN
+lol	INTJ
+)	PUNCT
+Then	ADV
+I	PRON
+turned	VERB
+on	ADP
+the	DET
+tv	NOUN
+and	CCONJ
+watch	VERB
+.	PUNCT
+
+This	DET
+way	NOUN
+they	PRON
+will	AUX
+see	VERB
+that	SCONJ
+your	PRON
+hand	NOUN
+is	AUX
+good	ADJ
+and	CCONJ
+it	PRON
+s	AUX
+not	PART
+going	VERB
+to	PART
+grab	VERB
+them	PRON
+or	CCONJ
+hurt	VERB
+them	PRON
+.	PUNCT
+
+Do	VERB
+this	PRON
+for	ADP
+about	ADV
+one	NUM
+hour	NOUN
+.	PUNCT
+
+(	PUNCT
+you	PRON
+can	AUX
+take	VERB
+breaks	NOUN
+if	SCONJ
+you	PRON
+have	VERB
+too	PART
+)	PUNCT
+and	CCONJ
+repeat	VERB
+the	DET
+steps	NOUN
+after	ADP
+about	ADV
+2	NUM
+hours	NOUN
+.	PUNCT
+
+3	X
+)	PUNCT
+After	ADP
+about	ADV
+day	NOUN
+2	NUM
+,	PUNCT
+they	PRON
+will	AUX
+start	VERB
+to	ADP
+eating	VERB
+the	DET
+millet	NOUN
+spray	NOUN
+from	ADP
+your	PRON
+hand	NOUN
+.	PUNCT
+
+(	PUNCT
+do	AUX
+not	PART
+take	VERB
+away	ADP
+the	DET
+food	NOUN
+dish	NOUN
+from	ADP
+the	DET
+birds	NOUN
+,	PUNCT
+they	PRON
+will	AUX
+associate	VERB
+you	PRON
+as	ADP
+the	DET
+person	NOUN
+who	PRON
+takes	VERB
+away	ADP
+their	PRON
+food	NOUN
+)	PUNCT
+....	PUNCT
+
+Then	ADV
+take	VERB
+your	PRON
+finger	NOUN
+and	CCONJ
+place	VERB
+it	PRON
+under	ADP
+their	PRON
+belly	NOUN
+,	PUNCT
+in	ADP
+front	NOUN
+of	ADP
+their	PRON
+feet	NOUN
+and	CCONJ
+say	VERB
+up	ADV
+.	PUNCT
+
+Push	VERB
+you	PRON
+finger	NOUN
+to	ADP
+their	PRON
+feet	NOUN
+gently	ADV
+and	CCONJ
+say	VERB
+up	ADV
+.	PUNCT
+
+(	PUNCT
+the	DET
+first	ADJ
+couple	NOUN
+of	ADP
+times	NOUN
+they	PRON
+will	AUX
+fly	VERB
+all	ADV
+over	ADP
+the	DET
+cage	NOUN
+but	CCONJ
+as	ADV
+long	ADV
+as	SCONJ
+you	PRON
+do	AUX
+nt	PART
+jump	VERB
+back	ADV
+or	CCONJ
+screem	VERB
+they	PRON
+will	AUX
+get	VERB
+used	ADJ
+to	ADP
+you	PRON
+)	PUNCT
+They	PRON
+will	AUX
+have	VERB
+no	DET
+choice	NOUN
+but	SCONJ
+to	PART
+go	VERB
+on	ADP
+your	PRON
+finger	NOUN
+.	PUNCT
+
+When	ADV
+they	PRON
+see	VERB
+that	SCONJ
+you	PRON
+ar	AUX
+nt	PART
+harming	VERB
+them	PRON
+,	PUNCT
+the	PRON
+will	AUX
+go	VERB
+up	ADP
+on	ADP
+your	PRON
+finger	NOUN
+when	ADV
+you	PRON
+say	VERB
+up	ADV
+.	PUNCT
+
+4	X
+)	PUNCT
+If	SCONJ
+they	PRON
+are	AUX
+not	PART
+going	VERB
+up	ADV
+by	ADP
+now	ADV
+you	PRON
+just	ADV
+got	VERB
+ta	PART
+keep	VERB
+trying	VERB
+and	CCONJ
+keep	VERB
+trying	VERB
+.	PUNCT
+
+Do	AUX
+not	PART
+hit	VERB
+,	PUNCT
+yell	VERB
+,	PUNCT
+or	CCONJ
+harm	VERB
+them	PRON
+.	PUNCT
+
+You	PRON
+have	VERB
+patience	NOUN
+.	PUNCT
+
+Do	AUX
+nt	PART
+give	VERB
+up	ADP
+!	PUNCT
+
+After	ADP
+a	DET
+couple	NOUN
+of	ADP
+weeks	NOUN
+mines	PRON
+knows	VERB
+when	ADV
+I	PRON
+say	VERB
+shoulder	NOUN
+it	PRON
+means	VERB
+ot	PART
+go	VERB
+on	ADP
+my	PRON
+sholder	NOUN
+,	PUNCT
+when	ADV
+I	PRON
+say	VERB
+up	ADV
+it	PRON
+means	VERB
+to	PART
+jump	VERB
+up	ADV
+on	ADP
+my	PRON
+finger	NOUN
+,	PUNCT
+when	ADV
+I	PRON
+say	VERB
+up	ADV
+and	CCONJ
+out	ADV
+it	PRON
+means	VERB
+up	ADP
+on	ADP
+my	PRON
+finger	NOUN
+and	CCONJ
+out	ADP
+of	ADP
+the	DET
+cage	NOUN
+.	PUNCT
+
+and	CCONJ
+when	ADV
+I	PRON
+say	VERB
+go	VERB
+home	ADV
+it	PRON
+means	VERB
+to	PART
+go	VERB
+in	ADP
+the	DET
+cage	NOUN
+.	PUNCT
+
+Good	ADJ
+luck	NOUN
+!	PUNCT
+
+They	PRON
+worked	VERB
+for	ADP
+me	PRON
+and	CCONJ
+I	PRON
+hope	VERB
+they	PRON
+worked	VERB
+for	ADP
+you	PRON
+!	PUNCT
+
+They	PRON
+are	AUX
+awesome	ADJ
+!!!!!!!!!!!!!!!	PUNCT
+
+And	CCONJ
+that	PRON
+s	AUX
+my	PRON
+reason	NOUN
+why	ADV
+you	PRON
+should	AUX
+choose	VERB
+a	DET
+parakeet	NOUN
+over	ADP
+a	DET
+finch	NOUN
+.	PUNCT
+
+a	DET
+parakeet	NOUN
+is	AUX
+friendlier	ADJ
+
+Parakeet	NOUN
+.	PUNCT
+
+They	PRON
+are	AUX
+normally	ADV
+quiet	ADJ
+and	CCONJ
+it	PRON
+is	AUX
+easy	ADJ
+to	PART
+take	VERB
+care	NOUN
+of	ADP
+them	PRON
+.	PUNCT
+
+They	PRON
+are	AUX
+also	ADV
+friendly	ADJ
+.	PUNCT
+
+I	PRON
+have	VERB
+a	DET
+parakeet	NOUN
+named	VERB
+Cookie	PROPN
+.	PUNCT
+:P	SYM
+
+When	ADV
+is	AUX
+the	DET
+best	ADJ
+time	NOUN
+to	PART
+travel	VERB
+to	ADP
+Ireland	PROPN
+?	PUNCT
+
+My	PRON
+sister	NOUN
+and	CCONJ
+I	PRON
+would	AUX
+like	VERB
+to	PART
+go	VERB
+to	ADP
+Ireland	PROPN
+.	PUNCT
+
+I	PRON
+graduate	VERB
+in	ADP
+the	DET
+spring	NOUN
+,	PUNCT
+and	CCONJ
+so	ADV
+we	PRON
+'d	AUX
+like	VERB
+to	PART
+go	VERB
+between	ADP
+then	ADV
+and	CCONJ
+winter	NOUN
+.	PUNCT
+
+We	PRON
+do	AUX
+n't	PART
+want	VERB
+too	ADV
+many	ADJ
+tourists	NOUN
+,	PUNCT
+and	CCONJ
+since	SCONJ
+we	PRON
+'ll	AUX
+both	ADV
+be	AUX
+out	ADP
+of	ADP
+school	NOUN
+we	PRON
+can	AUX
+go	VERB
+anytime	ADV
+between	ADP
+the	DET
+middle	NOUN
+of	ADP
+June	PROPN
+to	ADP
+early	ADJ
+November	PROPN
+.	PUNCT
+
+We	PRON
+do	AUX
+n't	PART
+want	VERB
+it	PRON
+to	PART
+be	AUX
+too	ADV
+cold	ADJ
+(	PUNCT
+not	PART
+sure	ADJ
+when	ADV
+exactly	ADV
+there	PRON
+fall	NOUN
+is	AUX
+...	PUNCT
+or	CCONJ
+what	PRON
+the	DET
+weather	NOUN
+is	AUX
+really	ADV
+like	ADP
+there	ADV
+during	ADP
+our	PRON
+autumn	NOUN
+months	NOUN
+)	PUNCT
+,	PUNCT
+but	CCONJ
+we	PRON
+do	AUX
+n't	PART
+feel	VERB
+like	SCONJ
+we	PRON
+need	VERB
+to	PART
+go	VERB
+right	ADV
+in	ADP
+the	DET
+middle	NOUN
+of	ADP
+summer	NOUN
+either	ADV
+.	PUNCT
+
+We	PRON
+'re	AUX
+both	ADV
+in	ADP
+our	PRON
+early	ADJ
+20s	NOUN
+and	CCONJ
+just	ADV
+wanting	VERB
+to	PART
+explore	VERB
+the	DET
+beautiful	ADJ
+country	NOUN
+while	SCONJ
+we	PRON
+'re	AUX
+still	ADV
+young	ADJ
+and	CCONJ
+before	SCONJ
+our	PRON
+lives	NOUN
+start	VERB
+to	PART
+get	VERB
+even	ADV
+crazier	ADJ
+!	PUNCT
+
+Can	AUX
+anyone	PRON
+give	VERB
+me	PRON
+an	DET
+idea	NOUN
+of	SCONJ
+when	ADV
+the	DET
+best	ADJ
+time	NOUN
+for	SCONJ
+us	PRON
+to	PART
+go	VERB
+to	ADP
+Ireland	PROPN
+would	AUX
+be	AUX
+?	PUNCT
+
+People	NOUN
+do	AUX
+not	PART
+go	VERB
+to	ADP
+Ireland	PROPN
+on	ADP
+holiday	NOUN
+for	ADP
+the	DET
+weather	NOUN
+,	PUNCT
+it	PRON
+is	AUX
+unpredictable	ADJ
+.	PUNCT
+
+One	NUM
+thing	NOUN
+you	PRON
+can	AUX
+be	AUX
+sure	ADJ
+of	ADP
+about	ADP
+Irish	ADJ
+weather	NOUN
+is	VERB
+how	ADV
+little	ADJ
+you	PRON
+can	AUX
+be	AUX
+sure	ADJ
+of	ADP
+.	PUNCT
+
+It	PRON
+may	AUX
+be	AUX
+shirtsleeves	NOUN
+and	CCONJ
+sunglasses	NOUN
+in	ADP
+February	PROPN
+,	PUNCT
+but	CCONJ
+winter	NOUN
+woollies	NOUN
+in	ADP
+March	PROPN
+and	CCONJ
+even	ADV
+during	ADP
+the	DET
+summer	NOUN
+.	PUNCT
+
+And	CCONJ
+then	ADV
+there	ADV
+’s	VERB
+the	DET
+rain	NOUN
+.	PUNCT
+
+Ireland	PROPN
+receives	VERB
+a	DET
+lot	NOUN
+of	ADP
+rain	NOUN
+,	PUNCT
+with	SCONJ
+certain	ADJ
+areas	NOUN
+getting	VERB
+a	DET
+soaking	NOUN
+as	ADV
+many	ADJ
+as	ADP
+270	NUM
+days	NOUN
+of	ADP
+the	DET
+year	NOUN
+.	PUNCT
+
+County	PROPN
+Kerry	PROPN
+is	VERB
+the	DET
+worst	ADV
+affected	VERB
+.	PUNCT
+
+The	DET
+southeast	NOUN
+is	AUX
+the	DET
+driest	ADJ
+,	PUNCT
+enjoying	VERB
+a	DET
+more	ADV
+continental	ADJ
+climate	NOUN
+.	PUNCT
+
+The	DET
+Irish	ADJ
+weather	NOUN
+works	VERB
+on	ADP
+the	DET
+‘	PUNCT
+four	NUM
+seasons	NOUN
+in	ADP
+a	DET
+day	NOUN
+’	PUNCT
+principle	NOUN
+,	PUNCT
+which	PRON
+basic­ally	ADV
+means	VERB
+that	SCONJ
+you	PRON
+ca	AUX
+n’t	PART
+predict	VERB
+a	DET
+thing	NOUN
+when	ADV
+it	PRON
+comes	VERB
+to	ADP
+the	DET
+behaviour	NOUN
+of	ADP
+the	DET
+sky	NOUN
+.	PUNCT
+
+Some	DET
+basic	ADJ
+assumptions	NOUN
+,	PUNCT
+however	ADV
+,	PUNCT
+can	AUX
+be	AUX
+made	VERB
+.	PUNCT
+
+In	ADP
+summer	NOUN
+,	PUNCT
+from	ADP
+May	PROPN
+to	ADP
+July	PROPN
+,	PUNCT
+the	DET
+days	NOUN
+are	AUX
+reasonably	ADV
+warm	ADJ
+and	CCONJ
+–	PUNCT
+most	ADV
+importantly	ADV
+–	PUNCT
+very	ADV
+long	ADJ
+:	PUNCT
+at	ADP
+the	DET
+height	NOUN
+of	ADP
+summer	NOUN
+you	PRON
+wo	AUX
+n’t	PART
+need	VERB
+to	PART
+turn	VERB
+on	ADP
+lights	NOUN
+until	ADP
+after	ADP
+10	NUM
+pm	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+also	ADV
+peak	ADJ
+tourist	NOUN
+season	NOUN
+,	PUNCT
+which	PRON
+means	VERB
+there	PRON
+are	VERB
+far	ADV
+more	ADJ
+people	NOUN
+just	ADV
+about	ADV
+everywhere	ADV
+but	ADP
+the	DET
+most	ADV
+remote	ADJ
+corners	NOUN
+of	ADP
+the	DET
+island	NOUN
+,	PUNCT
+and	CCONJ
+prices	NOUN
+are	AUX
+at	ADP
+their	PRON
+highest	ADJ
+.	PUNCT
+
+Not	PART
+surprisingly	ADV
+,	PUNCT
+most	ADJ
+of	ADP
+the	DET
+yearly	ADJ
+festivals	NOUN
+occur	VERB
+during	ADP
+these	DET
+times	NOUN
+so	SCONJ
+as	SCONJ
+to	PART
+take	VERB
+advantage	NOUN
+of	ADP
+the	DET
+crowds	NOUN
+and	CCONJ
+the	DET
+more	ADV
+favourable	ADJ
+weather	NOUN
+.	PUNCT
+
+Spring	NOUN
+(	PUNCT
+February	PROPN
+to	ADP
+April	PROPN
+)	PUNCT
+and	CCONJ
+Autumn	PROPN
+(	PUNCT
+August	PROPN
+to	ADP
+October	PROPN
+)	PUNCT
+make	VERB
+good	ADJ
+alternatives	NOUN
+,	PUNCT
+although	SCONJ
+the	DET
+country	NOUN
+’s	PART
+ever	ADV
+-	PUNCT
+growing	VERB
+popularity	NOUN
+as	ADP
+a	DET
+tourist	NOUN
+destination	NOUN
+can	AUX
+often	ADV
+blur	VERB
+the	DET
+lines	NOUN
+between	ADP
+mid	X
+-	PUNCT
+and	CCONJ
+high	ADJ
+-	PUNCT
+season	NOUN
+tourism	NOUN
+.	PUNCT
+
+Still	ADV
+,	PUNCT
+you	PRON
+have	VERB
+a	DET
+better	ADJ
+chance	NOUN
+of	ADP
+some	DET
+peace	NOUN
+and	CCONJ
+quiet	NOUN
+,	PUNCT
+and	CCONJ
+the	DET
+weather	NOUN
+can	AUX
+be	AUX
+surprisingly	ADV
+better	ADJ
+in	ADP
+April	PROPN
+and	CCONJ
+September	PROPN
+than	ADP
+in	ADP
+mid-July	PROPN
+–	PUNCT
+again	ADV
+,	PUNCT
+it	PRON
+’s	AUX
+all	ADV
+part	NOUN
+of	ADP
+the	DET
+uncertainty	NOUN
+principle	NOUN
+.	PUNCT
+
+Spring	PROPN
+festivities	NOUN
+include	VERB
+the	DET
+ever	ADV
+-	PUNCT
+popular	ADJ
+St	PROPN
+Patrick	PROPN
+’s	PART
+Festival	PROPN
+.	PUNCT
+
+Although	SCONJ
+temperatures	NOUN
+do	AUX
+not	PART
+often	ADV
+venture	VERB
+below	ADP
+freezing	NOUN
+,	PUNCT
+winter	NOUN
+(	PUNCT
+December	PROPN
+to	ADP
+February	PROPN
+)	PUNCT
+can	AUX
+be	AUX
+brutal	ADJ
+,	PUNCT
+for	ADP
+huge	ADJ
+parts	NOUN
+of	ADP
+the	DET
+country	NOUN
+–	PUNCT
+the	DET
+west	NOUN
+and	CCONJ
+northwest	NOUN
+in	ADP
+particular	ADJ
+.	PUNCT
+
+Crowds	NOUN
+are	AUX
+at	ADP
+their	PRON
+thinnest	ADJ
+,	PUNCT
+but	CCONJ
+many	ADJ
+of	ADP
+the	DET
+country	NOUN
+’s	PART
+tourist	NOUN
+attractions	NOUN
+and	CCONJ
+services	NOUN
+close	VERB
+down	ADP
+in	ADP
+October	PROPN
+and	CCONJ
+do	AUX
+n’t	PART
+reopen	VERB
+until	ADP
+Easter	PROPN
+,	PUNCT
+which	PRON
+paradoxically	ADV
+leaves	VERB
+visitors	NOUN
+with	ADP
+a	DET
+more	ADV
+convincing	ADJ
+taste	NOUN
+of	SCONJ
+how	ADV
+Ireland	PROPN
+is	AUX
+experienced	VERB
+by	ADP
+most	ADJ
+of	ADP
+the	DET
+Irish	ADJ
+:	PUNCT
+it	PRON
+’s	AUX
+cold	ADJ
+,	PUNCT
+grey	ADJ
+and	CCONJ
+dark	ADJ
+by	ADP
+5	NUM
+pm	NOUN
+,	PUNCT
+but	CCONJ
+there	PRON
+’s	VERB
+always	ADV
+a	DET
+pub	NOUN
+to	PART
+escape	VERB
+into	ADP
+when	ADV
+the	DET
+rain	NOUN
+starts	VERB
+sheeting	VERB
+down	ADV
+.	PUNCT
+
+The	DET
+thing	NOUN
+to	PART
+do	VERB
+is	VERB
+to	PART
+bring	VERB
+the	DET
+right	ADJ
+clothing	NOUN
+with	ADP
+you	PRON
+,	PUNCT
+clothes	NOUN
+so	SCONJ
+you	PRON
+can	AUX
+layer	VERB
+up	ADP
+if	SCONJ
+it	PRON
+is	AUX
+cold	ADJ
+and	CCONJ
+take	VERB
+off	ADP
+layers	NOUN
+when	ADV
+it	PRON
+warms	VERB
+up	ADP
+.	PUNCT
+
+Waterproof	ADJ
+clothing	NOUN
+and	CCONJ
+footwear	NOUN
+are	AUX
+essential	ADJ
+plus	CCONJ
+an	DET
+umbrella	NOUN
+..	PUNCT
+
+As	SCONJ
+that	DET
+famous	ADJ
+Scotsman	PROPN
+Billy	PROPN
+Connolly	PROPN
+says	VERB
+"	PUNCT
+there	PRON
+is	VERB
+no	DET
+such	ADJ
+thing	NOUN
+as	ADP
+bad	ADJ
+weather	NOUN
+just	ADV
+the	DET
+wrong	ADJ
+clothes	NOUN
+"	PUNCT
+
+Afraid	ADJ
+I	PRON
+can	AUX
+not	PART
+be	AUX
+more	ADV
+helpful	ADJ
+,	PUNCT
+it	PRON
+is	AUX
+really	ADV
+a	DET
+case	NOUN
+of	ADP
+pot	NOUN
+luck	NOUN
+,	PUNCT
+although	SCONJ
+as	SCONJ
+the	DET
+weather	NOUN
+is	AUX
+so	ADV
+changeable	ADJ
+often	ADV
+a	DET
+cold	ADJ
+wet	ADJ
+morning	NOUN
+will	AUX
+turn	VERB
+into	ADP
+a	DET
+lovely	ADJ
+warm	ADJ
+sunny	ADJ
+afternoon	NOUN
+and	CCONJ
+evening	NOUN
+or	CCONJ
+visa	ADV
+versa	ADV
+.	PUNCT
+
+If	SCONJ
+you	PRON
+mean	VERB
+the	DET
+Republic	PROPN
+of	ADP
+Ireland	PROPN
+(	PUNCT
+Dublin	PROPN
+)	PUNCT
+then	ADV
+anytime	ADV
+.	PUNCT
+
+The	DET
+summer	NOUN
+there	ADV
+is	AUX
+much	ADV
+more	ADV
+mild	ADJ
+than	ADP
+most	ADJ
+of	ADP
+the	DET
+US	PROPN
+(	PUNCT
+are	AUX
+you	PRON
+coming	VERB
+from	ADP
+the	DET
+US	PROPN
+?	PUNCT
+)	PUNCT
+.	PUNCT
+
+Their	PRON
+seasons	NOUN
+are	AUX
+the	DET
+same	ADJ
+as	ADP
+all	DET
+the	DET
+countries	NOUN
+in	ADP
+the	DET
+Northern	ADJ
+Hemisphere	NOUN
+but	CCONJ
+I	PRON
+would	AUX
+suggest	VERB
+fall	NOUN
+.	PUNCT
+
+It	PRON
+does	AUX
+get	VERB
+pretty	ADV
+cold	ADJ
+in	ADP
+Ireland	PROPN
+so	ADV
+going	VERB
+before	ADP
+winter	NOUN
+is	AUX
+your	PRON
+best	ADJ
+bet	NOUN
+.	PUNCT
+
+September	PROPN
+for	ADP
+example	NOUN
+.	PUNCT
+
+Rent	VERB
+a	DET
+car	NOUN
+and	CCONJ
+spend	VERB
+a	DET
+couple	NOUN
+days	NOUN
+outside	ADV
+of	ADP
+Dublin	PROPN
+seeing	VERB
+the	DET
+countryside	NOUN
+and	CCONJ
+you	PRON
+will	AUX
+have	VERB
+the	DET
+trip	NOUN
+of	ADP
+a	DET
+lifetime	NOUN
+.	PUNCT
+
+To	PART
+explore	VERB
+the	DET
+beautiful	ADJ
+countryside	NOUN
+you	PRON
+will	AUX
+need	VERB
+to	PART
+be	AUX
+old	ADJ
+enough	ADV
+to	PART
+hire	VERB
+a	DET
+car	NOUN
+because	SCONJ
+public	ADJ
+transport	NOUN
+is	AUX
+expensive	ADJ
+&	CCONJ
+only	ADV
+goes	VERB
+as	ADV
+far	ADV
+as	ADP
+the	DET
+main	ADJ
+towns	NOUN
+/	PUNCT
+cities	NOUN
+,	PUNCT
+most	ADJ
+rural	ADJ
+places	NOUN
+do	AUX
+n't	PART
+have	VERB
+a	DET
+bus	NOUN
+or	CCONJ
+train	NOUN
+service	NOUN
+.	PUNCT
+
+You	PRON
+could	AUX
+stay	VERB
+in	ADP
+a	DET
+city	NOUN
+&	CCONJ
+get	VERB
+a	DET
+bus	NOUN
+tour	NOUN
+to	ADP
+say	INTJ
+the	DET
+Cliffs	PROPN
+of	ADP
+Moher	PROPN
+or	CCONJ
+Dingle	PROPN
+peninsula	PROPN
+but	CCONJ
+you	PRON
+will	AUX
+be	AUX
+with	ADP
+all	DET
+the	DET
+other	ADJ
+tourists	NOUN
+.	PUNCT
+
+By	ADP
+definition	NOUN
+most	ADJ
+tourists	NOUN
+will	AUX
+go	VERB
+to	ADP
+the	DET
+best	ADJ
+places	NOUN
+so	ADV
+you	PRON
+might	AUX
+have	VERB
+to	PART
+put	VERB
+up	ADP
+with	ADP
+a	DET
+few	ADJ
+tourists	NOUN
+along	ADP
+the	DET
+way	NOUN
+.	PUNCT
+
+Best	ADJ
+weather	NOUN
+the	DET
+past	ADJ
+couple	NOUN
+of	ADP
+years	NOUN
+has	AUX
+been	AUX
+around	ADP
+late	ADJ
+April	PROPN
+-	SYM
+late	ADJ
+May	PROPN
+but	CCONJ
+it	PRON
+can	AUX
+pour	VERB
+with	ADP
+rain	NOUN
+for	ADP
+days	NOUN
+on	ADP
+end	NOUN
+at	ADP
+any	DET
+time	NOUN
+of	ADP
+the	DET
+year	NOUN
+so	ADV
+be	AUX
+prepared	ADJ
+with	ADP
+waterproof	ADJ
+jackets	NOUN
+/	PUNCT
+boots	NOUN
+etc	X
+.	PUNCT
+
+We	PRON
+only	ADV
+had	VERB
+a	DET
+few	ADJ
+sunny	ADJ
+days	NOUN
+this	DET
+summer	NOUN
+,	PUNCT
+barely	ADV
+24	NUM
+C	PROPN
+on	ADP
+a	DET
+few	ADJ
+occasions	NOUN
+,	PUNCT
+more	ADV
+like	ADP
+14	NUM
+C	PROPN
+most	ADJ
+days	NOUN
+.	PUNCT
+
+We	PRON
+used	VERB
+our	PRON
+BBQ	NOUN
+on	ADP
+precisely	ADV
+4	NUM
+occasions	NOUN
+.	PUNCT
+
+Autumn	PROPN
+is	AUX
+from	ADP
+mid	X
+August	PROPN
+onwards	ADV
+as	ADV
+far	ADV
+as	SCONJ
+the	DET
+weather	NOUN
+goes	VERB
+if	SCONJ
+not	PART
+officially	ADV
+according	VERB
+to	ADP
+the	DET
+calender	NOUN
+.	PUNCT
+
+The	DET
+days	NOUN
+start	VERB
+to	PART
+shorten	VERB
+&	CCONJ
+it	PRON
+gets	VERB
+even	ADV
+wetter	ADJ
+,	PUNCT
+windier	ADJ
+&	CCONJ
+colder	ADJ
+.	PUNCT
+
+We	PRON
+had	VERB
+frosts	NOUN
+in	ADP
+October	PROPN
+so	ADV
+I	PRON
+would	AUX
+n't	PART
+advise	VERB
+visiting	VERB
+late	ADV
+in	ADP
+the	DET
+year	NOUN
+to	PART
+be	AUX
+honest	ADJ
+,	PUNCT
+Spring	NOUN
+time	NOUN
+is	AUX
+your	PRON
+best	ADJ
+bet	NOUN
+.	PUNCT
+
+You	PRON
+do	AUX
+realise	VERB
+it	PRON
+is	AUX
+quite	ADV
+expensive	ADJ
+to	PART
+visit	VERB
+Ireland	PROPN
+?	PUNCT
+
+You	PRON
+are	AUX
+going	VERB
+to	PART
+need	VERB
+a	DET
+few	ADJ
+thousand	NUM
+dollars	NOUN
+saved	VERB
+up	ADP
+for	ADP
+flights	NOUN
+,	PUNCT
+insurance	NOUN
+,	PUNCT
+food	NOUN
+,	PUNCT
+accommodation	NOUN
+&	CCONJ
+spending	NOUN
+money	NOUN
+.	PUNCT
+
+Eating	VERB
+out	ADV
+in	ADP
+particular	ADJ
+is	AUX
+quite	ADV
+expensive	ADJ
+compared	VERB
+to	ADP
+America	PROPN
+I	PRON
+believe	VERB
+.	PUNCT
+
+Golden	NOUN
+Wonder	NOUN
+KilliFish	NOUN
+Breeding	NOUN
+Help	NOUN
+?	PUNCT
+
+I	PRON
+have	VERB
+4	NUM
+Golden	NOUN
+Wonder	NOUN
+Killifish	NOUN
+.	PUNCT
+
+1	NUM
+of	ADP
+them	PRON
+is	AUX
+really	ADV
+colorful	ADJ
+and	CCONJ
+is	AUX
+about	ADV
+6	NUM
+cm	NOUN
+long	ADJ
+.	PUNCT
+
+2	NUM
+of	ADP
+them	PRON
+are	AUX
+kinda	ADV
+whitish	ADJ
+and	CCONJ
+are	AUX
+about	ADV
+4	NUM
+-	SYM
+5	NUM
+cm	NOUN
+long	ADJ
+.	PUNCT
+
+The	DET
+last	ADJ
+one	NOUN
+is	AUX
+colourful	ADJ
+too	ADV
+but	CCONJ
+it	PRON
+is	AUX
+about	ADV
+4	NUM
+cm	NOUN
+long	ADJ
+.	PUNCT
+
+I	PRON
+feed	VERB
+them	PRON
+Flakes	NOUN
+,	PUNCT
+and	CCONJ
+Live	ADJ
+Earthworms	NOUN
+uncut	ADJ
+everyday	ADV
+.	PUNCT
+
+Can	AUX
+you	PRON
+tell	VERB
+me	PRON
+the	DET
+whole	ADJ
+process	NOUN
+of	SCONJ
+breeding	VERB
+them	PRON
+and	CCONJ
+taking	VERB
+care	NOUN
+of	ADP
+the	DET
+babies	NOUN
+?	PUNCT
+
+Thanks	NOUN
+in	ADP
+Advance	NOUN
+.	PUNCT
+
+Wow	INTJ
+!	PUNCT
+
+If	SCONJ
+they	PRON
+are	AUX
+able	ADJ
+to	PART
+take	VERB
+earthworms	NOUN
+uncut	ADJ
+,	PUNCT
+that	PRON
+is	AUX
+really	ADV
+impressive	ADJ
+!	PUNCT
+
+I	PRON
+aspire	VERB
+to	ADP
+your	PRON
+feeding	NOUN
+regime	NOUN
+,	PUNCT
+flakes	NOUN
+early	ADV
+and	CCONJ
+something	PRON
+live	ADJ
+later	ADV
+in	ADP
+the	DET
+day	NOUN
+.	PUNCT
+
+Worms	NOUN
+(	PUNCT
+and	CCONJ
+Daphnia	NOUN
+)	PUNCT
+are	AUX
+also	ADV
+rich	ADJ
+in	ADP
+Lipids	NOUN
+,	PUNCT
+substances	NOUN
+important	ADJ
+in	SCONJ
+forming	VERB
+eggs	NOUN
+and	CCONJ
+growing	VERB
+young	NOUN
+.	PUNCT
+
+I	PRON
+think	VERB
+that	SCONJ
+you	PRON
+understand	VERB
+that	SCONJ
+your	PRON
+largest	ADJ
+and	CCONJ
+smallest	ADJ
+golden	ADJ
+wonders	NOUN
+are	AUX
+males	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+would	AUX
+like	VERB
+more	ADJ
+on	SCONJ
+sexing	VERB
+out	ADP
+Aplocheilus	PROPN
+lineatus	PROPN
+take	VERB
+a	DET
+look	NOUN
+at	ADP
+the	DET
+discussion	NOUN
+in	ADP
+the	DET
+first	ADJ
+source	NOUN
+below	ADV
+.	PUNCT
+
+If	SCONJ
+you	PRON
+have	VERB
+plants	NOUN
+in	ADP
+your	PRON
+tank	NOUN
+.	PUNCT
+
+your	PRON
+lineatus	NOUN
+are	AUX
+already	ADV
+spawning	VERB
+.	PUNCT
+
+If	SCONJ
+conditions	NOUN
+are	AUX
+favorable	ADJ
+(	PUNCT
+78	NUM
+-	PUNCT
+82	NUM
+F	NOUN
+)	PUNCT
+and	CCONJ
+the	DET
+fish	NOUN
+are	VERB
+obviously	ADV
+well	ADV
+fed	VERB
+as	SCONJ
+yours	PRON
+are	VERB
+,	PUNCT
+they	PRON
+will	AUX
+spawn	VERB
+.	PUNCT
+
+(	PUNCT
+I	PRON
+'ve	AUX
+even	ADV
+had	VERB
+a	DET
+pair	NOUN
+of	ADP
+killies	NOUN
+leave	VERB
+eggs	NOUN
+on	ADP
+a	DET
+floating	VERB
+thermometer	NOUN
+!	PUNCT
+
+If	SCONJ
+you	PRON
+wish	VERB
+to	PART
+pick	VERB
+eggs	NOUN
+make	VERB
+a	DET
+acrylic	ADJ
+spawning	NOUN
+mop	NOUN
+.	PUNCT
+
+Check	VERB
+out	ADP
+the	DET
+second	ADJ
+source	NOUN
+.	PUNCT
+
+I	PRON
+prefer	VERB
+darker	ADJ
+colors	NOUN
+because	SCONJ
+I	PRON
+can	AUX
+see	VERB
+their	PRON
+eggs	NOUN
+,	PUNCT
+more	ADV
+easily	ADV
+and	CCONJ
+the	DET
+fish	NOUN
+look	VERB
+better	ADJ
+next	ADV
+to	ADP
+them	PRON
+.	PUNCT
+
+Use	VERB
+a	DET
+well	ADV
+rinsed	VERB
+medicine	NOUN
+vial	NOUN
+,	PUNCT
+a	DET
+cork	NOUN
+,	PUNCT
+new	ADJ
+fishing	NOUN
+bobber	NOUN
+or	CCONJ
+even	ADV
+a	DET
+piece	NOUN
+of	ADP
+non-crumbly	ADJ
+styrofoam	NOUN
+to	PART
+float	VERB
+them	PRON
+.	PUNCT
+
+There	PRON
+are	VERB
+a	DET
+couple	NOUN
+ways	NOUN
+one	PRON
+could	AUX
+spawn	VERB
+lineatus	NOUN
+-	PUNCT
+mop	NOUN
+spawning	VERB
+&	CCONJ
+water	NOUN
+incubating	VERB
+them	PRON
+for	ADP
+two	NUM
+weeks	NOUN
+,	PUNCT
+picking	VERB
+eggs	NOUN
+from	ADP
+a	DET
+mop	NOUN
+&	CCONJ
+putting	VERB
+them	PRON
+in	ADP
+a	DET
+tray	NOUN
+of	ADP
+treated	ADJ
+,	PUNCT
+seasoned	ADJ
+water	NOUN
+or	CCONJ
+setting	VERB
+up	ADP
+the	DET
+parents	NOUN
+in	ADP
+a	DET
+planted	VERB
+tank	NOUN
+&	CCONJ
+moving	VERB
+them	PRON
+so	SCONJ
+the	DET
+fry	NOUN
+can	AUX
+hatch	VERB
+out	ADV
+there	ADV
+.	PUNCT
+
+If	SCONJ
+you	PRON
+have	VERB
+the	DET
+room	NOUN
+to	PART
+separate	VERB
+the	DET
+male	NOUN
+(	PUNCT
+s	X
+)	PUNCT
+&	CCONJ
+females	NOUN
+(	PUNCT
+s	X
+)	PUNCT
+,	PUNCT
+&	CCONJ
+feed	VERB
+them	PRON
+well	ADV
+on	ADP
+live	ADJ
+foods	NOUN
+,	PUNCT
+(	PUNCT
+assuming	VERB
+that	SCONJ
+you	PRON
+are	AUX
+doing	VERB
+weekly	ADJ
+50	NUM
+%	SYM
+water	NOUN
+changes	NOUN
+)	PUNCT
+when	ADV
+you	PRON
+put	VERB
+them	PRON
+together	ADV
+they	PRON
+will	AUX
+leave	VERB
+a	DET
+lot	NOUN
+more	ADJ
+eggs	NOUN
+.	PUNCT
+
+Just	ADV
+making	VERB
+up	ADP
+examples	NOUN
+,	PUNCT
+but	CCONJ
+if	SCONJ
+a	DET
+pair	NOUN
+is	AUX
+constantly	ADV
+together	ADV
+,	PUNCT
+they	PRON
+may	AUX
+lay	VERB
+10	NUM
+-	SYM
+15	NUM
+eggs	NOUN
+a	DET
+day	NOUN
+.	PUNCT
+
+With	ADP
+extra	ADJ
+blackworms	NOUN
+and	CCONJ
+maybe	ADV
+frozen	VERB
+(	PUNCT
+defrosted	VERB
+,	PUNCT
+rinsed	VERB
+)	PUNCT
+frozen	VERB
+foods	NOUN
+earlier	ADV
+in	ADP
+the	DET
+day	NOUN
+,	PUNCT
+they	PRON
+may	AUX
+leave	VERB
+30	NUM
+-	SYM
+40	NUM
+eggs	NOUN
+at	ADP
+a	DET
+time	NOUN
+.	PUNCT
+
+Separated	VERB
+and	CCONJ
+feed	VERB
+extremely	ADV
+nourishing	ADJ
+stuff	NOUN
+,	PUNCT
+they	PRON
+may	AUX
+produce	VERB
+more	ADJ
+.	PUNCT
+
+Separating	VERB
+a	DET
+pair	NOUN
+some	DET
+time	NOUN
+before	ADP
+a	DET
+show	NOUN
+(	PUNCT
+killies	NOUN
+are	AUX
+usually	ADV
+shown	VERB
+&	CCONJ
+judged	VERB
+&	CCONJ
+often	ADV
+sold	VERB
+as	ADP
+pairs	NOUN
+)	PUNCT
+will	AUX
+encourage	VERB
+them	PRON
+to	PART
+court	VERB
+and	CCONJ
+show	VERB
+their	PRON
+best	ADJ
+colors	NOUN
+.	PUNCT
+
+They	PRON
+also	ADV
+start	VERB
+the	DET
+day	NOUN
+with	ADP
+no	DET
+nicks	NOUN
+or	CCONJ
+dings	NOUN
+in	ADP
+their	PRON
+fins	NOUN
+.	PUNCT
+
+The	DET
+water	NOUN
+changes	NOUN
+help	VERB
+with	ADP
+that	PRON
+too	ADV
+.	PUNCT
+
+You	PRON
+also	ADV
+may	AUX
+need	VERB
+to	PART
+treat	VERB
+the	DET
+incubation	NOUN
+water	NOUN
+.	PUNCT
+
+The	DET
+chlorine	NOUN
+and	CCONJ
+ammonia	NOUN
+(	PUNCT
+choramine	NOUN
+)	PUNCT
+are	AUX
+not	PART
+good	ADJ
+for	ADP
+the	DET
+eggs	NOUN
+.	PUNCT
+
+Ironically	ADV
+sometimes	ADV
+it	PRON
+is	AUX
+wise	ADJ
+to	PART
+leave	VERB
+the	DET
+newly	ADV
+picked	VERB
+eggs	NOUN
+in	ADP
+fresh	ADJ
+tap	NOUN
+water	NOUN
+with	ADP
+some	DET
+chlorination	NOUN
+to	PART
+kill	VERB
+microscopic	ADJ
+critters	NOUN
+that	PRON
+ride	VERB
+in	ADV
+with	ADP
+the	DET
+eggs	NOUN
+.	PUNCT
+
+THEN	ADV
+put	VERB
+the	DET
+eggs	NOUN
+in	ADP
+water	NOUN
+treated	VERB
+a	DET
+couple	NOUN
+of	ADP
+days	NOUN
+before	ADV
+with	ADP
+a	DET
+water	NOUN
+treatment	NOUN
+and	CCONJ
+left	VERB
+open	ADJ
+to	PART
+"	PUNCT
+breathe	VERB
+"	PUNCT
+.	PUNCT
+
+Leaving	VERB
+a	DET
+jar	NOUN
+with	ADP
+a	DET
+dozen	NOUN
+black	ADJ
+worms	NOUN
+in	ADP
+it	PRON
+will	AUX
+sate	VERB
+the	DET
+adult	NOUN
+'s	PART
+desire	NOUN
+for	ADP
+snacks	NOUN
+and	CCONJ
+they	PRON
+are	AUX
+more	ADV
+likely	ADJ
+to	PART
+leave	VERB
+fry	NOUN
+or	CCONJ
+eggs	NOUN
+alone	ADJ
+.	PUNCT
+
+If	SCONJ
+a	DET
+pair	NOUN
+is	AUX
+n't	PART
+leaving	VERB
+eggs	NOUN
+...	PUNCT
+check	VERB
+the	DET
+following	VERB
+:	PUNCT
+
+1	X
+.	PUNCT
+Is	AUX
+a	DET
+tank	NOUN
+mate	NOUN
+(	PUNCT
+such	ADJ
+as	ADP
+another	DET
+female	ADJ
+killie	NOUN
+or	CCONJ
+a	DET
+Cory	NOUN
+or	CCONJ
+large	ADJ
+snails	NOUN
+)	PUNCT
+rating	VERB
+the	DET
+eggs	NOUN
+?	PUNCT
+
+2	X
+.	PUNCT
+Have	AUX
+we	PRON
+kept	VERB
+up	ADP
+with	ADP
+partial	ADJ
+water	NOUN
+changes	NOUN
+?	PUNCT
+
+3	X
+.	PUNCT
+Is	VERB
+there	PRON
+too	ADV
+much	ADJ
+mineral	NOUN
+in	ADP
+the	DET
+water	NOUN
+?	PUNCT
+
+Aplo.	NOUN
+lineatus	NOUN
+are	VERB
+wide	ADJ
+-	PUNCT
+spread	VERB
+over	ADP
+southern	ADJ
+India	PROPN
+.	PUNCT
+
+That	PRON
+indicates	VERB
+that	SCONJ
+they	PRON
+thrive	VERB
+in	ADP
+different	ADJ
+water	NOUN
+chemistries	NOUN
+.	PUNCT
+
+Still	ADV
+if	SCONJ
+you	PRON
+can	AUX
+get	VERB
+your	PRON
+pet	NOUN
+shop	NOUN
+to	PART
+do	VERB
+a	DET
+hardness	NOUN
+or	CCONJ
+TDS	NOUN
+(	PUNCT
+total	ADJ
+Dissolved	VERB
+Solids	NOUN
+)	PUNCT
+test	NOUN
+,	PUNCT
+that	PRON
+may	AUX
+give	VERB
+you	PRON
+a	DET
+hint	NOUN
+.	PUNCT
+
+Winging	VERB
+it	PRON
+a	DET
+little	ADJ
+here	ADV
+,	PUNCT
+a	DET
+hardness	NOUN
+of	ADP
+100	NUM
+to	ADP
+nearly	ADV
+200	NUM
+PPM	NOUN
+(	PUNCT
+parts	NOUN
+per	ADP
+million	NOUN
+)	PUNCT
+or	CCONJ
+5.8	NUM
+to	ADP
+10.6	NUM
+DH	NOUN
+should	AUX
+be	AUX
+fine	ADJ
+for	ADP
+gardneri	NOUN
+.	PUNCT
+
+TDS	NOUN
+meters	NOUN
+(	PUNCT
+the	DET
+thrifty	ADJ
+aquarist	NOUN
+'s	PART
+hardness	NOUN
+meter	NOUN
+can	AUX
+be	AUX
+used	VERB
+if	SCONJ
+one	PRON
+has	AUX
+seen	VERB
+one	NUM
+of	ADP
+your	PRON
+municipal	ADJ
+water	NOUN
+department	NOUN
+'s	PART
+annual	ADJ
+reports	NOUN
+.	PUNCT
+
+They	PRON
+include	VERB
+a	DET
+number	NOUN
+of	ADP
+minerals	NOUN
+there	ADV
+and	CCONJ
+you	PRON
+can	AUX
+figure	VERB
+out	ADP
+what	DET
+percentage	NOUN
+of	ADP
+that	PRON
+would	AUX
+be	AUX
+your	PRON
+hardness	NOUN
+minerals	NOUN
+(	PUNCT
+calcium	NOUN
+,	PUNCT
+magnesium	NOUN
+and	CCONJ
+iron	NOUN
+)	PUNCT
+.	PUNCT
+
+A	DET
+number	NOUN
+of	ADP
+minerals	NOUN
+are	AUX
+not	PART
+of	ADP
+much	ADJ
+consequence	NOUN
+.	PUNCT
+
+However	ADV
+if	SCONJ
+there	PRON
+is	VERB
+a	DET
+high	ADJ
+level	NOUN
+of	ADP
+sodium	NOUN
+chloride	NOUN
+(	PUNCT
+common	ADJ
+salt	NOUN
+)	PUNCT
+that	PRON
+can	AUX
+break	VERB
+down	ADP
+the	DET
+chorion	NOUN
+(	PUNCT
+shell	NOUN
+)	PUNCT
+around	ADP
+the	DET
+egg	NOUN
+and	CCONJ
+allow	VERB
+critters	NOUN
+to	PART
+get	VERB
+in	ADV
+and	CCONJ
+eat	VERB
+the	DET
+yoke	NOUN
+and	CCONJ
+embryo	NOUN
+.	PUNCT
+)	PUNCT
+
+Ironically	ADV
+sometimes	ADV
+it	PRON
+is	AUX
+wise	ADJ
+to	ADP
+newly	ADV
+picked	VERB
+eggs	NOUN
+in	ADP
+fresh	ADJ
+tap	NOUN
+water	NOUN
+with	ADP
+some	DET
+chlorination	NOUN
+to	PART
+kill	VERB
+microscopic	ADJ
+critters	NOUN
+that	PRON
+ride	VERB
+in	ADV
+with	ADP
+the	DET
+eggs	NOUN
+.	PUNCT
+
+THEN	ADV
+put	VERB
+the	DET
+eggs	NOUN
+in	ADP
+water	NOUN
+treated	VERB
+a	DET
+couple	NOUN
+of	ADP
+days	NOUN
+before	ADV
+with	ADP
+a	DET
+water	NOUN
+treatment	NOUN
+and	CCONJ
+left	VERB
+open	ADJ
+to	PART
+"	PUNCT
+breathe	VERB
+"	PUNCT
+.	PUNCT
+
+If	SCONJ
+you	PRON
+get	VERB
+eggs	NOUN
+in	ADP
+the	DET
+mail	NOUN
+in	ADP
+a	DET
+medicine	NOUN
+vial	NOUN
+,	PUNCT
+that	PRON
+is	AUX
+fine	ADJ
+.	PUNCT
+
+But	CCONJ
+get	VERB
+the	DET
+eggs	NOUN
+out	ADP
+,	PUNCT
+maybe	ADV
+rinsed	VERB
+in	ADP
+fresh	ADJ
+tap	NOUN
+water	NOUN
+and	CCONJ
+then	ADV
+into	ADP
+the	DET
+incubation	NOUN
+water	NOUN
+.	PUNCT
+
+In	ADP
+time	NOUN
+the	DET
+eggs	NOUN
+can	AUX
+suffocate	VERB
+in	ADP
+the	DET
+shipping	NOUN
+container	NOUN
+.	PUNCT
+
+After	SCONJ
+a	DET
+number	NOUN
+of	ADP
+people	NOUN
+began	VERB
+complaining	VERB
+about	ADP
+"	PUNCT
+mystery	NOUN
+deaths	NOUN
+"	PUNCT
+among	ADP
+incubating	VERB
+eggs	NOUN
+,	PUNCT
+some	DET
+of	ADP
+the	DET
+more	ADV
+advanced	ADJ
+killie	NOUN
+people	NOUN
+began	VERB
+suggesting	VERB
+that	SCONJ
+after	ADP
+7	NUM
+-	SYM
+8	NUM
+days	NOUN
+of	ADP
+incubation	NOUN
+,	PUNCT
+one	PRON
+should	AUX
+do	VERB
+a	DET
+100	NUM
+%	SYM
+water	NOUN
+change	NOUN
+-	PUNCT
+as	SCONJ
+the	DET
+eggs	NOUN
+develop	VERB
+,	PUNCT
+they	PRON
+do	AUX
+release	VERB
+waste	NOUN
+material	NOUN
+.	PUNCT
+
+Another	DET
+problem	NOUN
+is	VERB
+that	SCONJ
+sometimes	ADV
+bad	ADJ
+eggs	NOUN
+will	AUX
+fungus	VERB
+and	CCONJ
+the	DET
+fungus	NOUN
+will	AUX
+spread	VERB
+out	ADV
+and	CCONJ
+kill	VERB
+all	DET
+the	DET
+eggs	NOUN
+.	PUNCT
+
+Some	DET
+people	NOUN
+put	VERB
+in	ADP
+a	DET
+very	ADV
+dilute	ADJ
+Acriflaven	PROPN
+solution	NOUN
+to	PART
+slow	VERB
+down	ADP
+the	DET
+fungus	NOUN
+,	PUNCT
+so	SCONJ
+one	PRON
+can	AUX
+take	VERB
+white	ADJ
+eggs	NOUN
+out	ADP
+with	ADP
+a	DET
+pipette	NOUN
+or	CCONJ
+eyedropper	NOUN
+.	PUNCT
+
+Other	NOUN
+will	AUX
+add	VERB
+a	DET
+drop	NOUN
+of	ADP
+Methylene	PROPN
+blue	ADJ
+.	PUNCT
+
+If	SCONJ
+an	DET
+egg	NOUN
+turns	VERB
+blue	ADJ
+,	PUNCT
+it	PRON
+had	AUX
+died	VERB
+and	CCONJ
+then	ADV
+became	VERB
+dyed	ADJ
+as	SCONJ
+the	DET
+outer	ADJ
+membrane	NOUN
+broke	VERB
+down	ADP
+.	PUNCT
+
+Get	VERB
+those	PRON
+out	ADV
+ASAP	ADV
+too	ADV
+.	PUNCT
+
+Hope	VERB
+there	PRON
+is	VERB
+useful	ADJ
+grist	NOUN
+for	ADP
+the	DET
+mill	NOUN
+here	ADV
+.	PUNCT
+
+Disney	PROPN
+cruise	NOUN
+line	NOUN
+with	ADP
+young	ADJ
+ones	NOUN
+?	PUNCT
+
+I	PRON
+will	AUX
+be	AUX
+taking	VERB
+my	PRON
+3	NUM
+and	CCONJ
+4	NUM
+yr	NOUN
+olds	NOUN
+.	PUNCT
+
+What	PRON
+is	AUX
+the	DET
+best	ADJ
+time	NOUN
+of	ADP
+year	NOUN
+?	PUNCT
+
+Should	AUX
+I	PRON
+get	VERB
+a	DET
+balcony	NOUN
+?	PUNCT
+
+Any	DET
+tips	NOUN
+or	CCONJ
+advice	NOUN
+to	PART
+make	VERB
+this	PRON
+a	DET
+great	ADJ
+experience	NOUN
+??	PUNCT
+
+Thanks	NOUN
+!!!	PUNCT
+
+It	PRON
+is	AUX
+vacation	NOUN
+time	NOUN
+.	PUNCT
+
+Many	ADJ
+families	NOUN
+are	AUX
+set	ADJ
+to	PART
+plan	VERB
+a	DET
+best	ADJ
+holidaying	NOUN
+.	PUNCT
+
+They	PRON
+look	VERB
+for	ADP
+fun	NOUN
+filled	VERB
+,	PUNCT
+rejuvenating	ADJ
+and	CCONJ
+memorable	ADJ
+vacation	NOUN
+.	PUNCT
+
+There	PRON
+can	AUX
+be	VERB
+many	ADJ
+ideas	NOUN
+;	PUNCT
+one	PRON
+can	AUX
+see	VERB
+numerous	ADJ
+options	NOUN
+passing	VERB
+through	ADP
+their	PRON
+mind	NOUN
+.	PUNCT
+
+What	PRON
+is	AUX
+the	DET
+best	ADJ
+option	NOUN
+?	PUNCT
+
+Especially	ADV
+if	SCONJ
+you	PRON
+are	AUX
+planning	VERB
+to	PART
+spend	VERB
+couple	NOUN
+days	NOUN
+with	ADP
+family	NOUN
+and	CCONJ
+kids	NOUN
+,	PUNCT
+which	DET
+best	ADJ
+suit	NOUN
+you	PRON
+can	AUX
+select	VERB
+?	PUNCT
+
+Disney	PROPN
+cruises	NOUN
+,	PUNCT
+is	AUX
+a	DET
+simple	ADJ
+answer	NOUN
+to	ADP
+this	PRON
+.	PUNCT
+
+There	PRON
+are	VERB
+many	ADJ
+reasons	NOUN
+to	PART
+say	VERB
+Disney	PROPN
+cruise	NOUN
+is	AUX
+the	DET
+best	ADJ
+bet	NOUN
+for	SCONJ
+you	PRON
+to	PART
+have	VERB
+a	DET
+enjoyable	ADJ
+holiday	NOUN
+tour	NOUN
+.	PUNCT
+
+From	ADP
+1998	NUM
+onwards	ADV
+,	PUNCT
+from	ADP
+its	PRON
+inception	NOUN
+Disney	PROPN
+cruise	NOUN
+has	AUX
+attracted	VERB
+many	ADJ
+and	CCONJ
+continue	VERB
+to	PART
+attract	VERB
+more	ADJ
+and	CCONJ
+more	ADJ
+.	PUNCT
+
+This	PRON
+is	AUX
+a	DET
+spectacular	ADJ
+ship	NOUN
+,	PUNCT
+a	DET
+very	ADV
+popular	ADJ
+choice	NOUN
+of	ADP
+families	NOUN
+to	PART
+spend	VERB
+their	PRON
+leisure	NOUN
+time	NOUN
+.	PUNCT
+
+The	DET
+ship	NOUN
+is	AUX
+designed	VERB
+thematically	ADV
+,	PUNCT
+with	ADP
+imposing	ADJ
+animated	ADJ
+cartoon	NOUN
+characters	NOUN
+.	PUNCT
+
+Do	AUX
+you	PRON
+feel	VERB
+that	SCONJ
+the	DET
+holidaying	NOUN
+with	ADP
+the	DET
+animated	ADJ
+cartoons	NOUN
+will	AUX
+impress	VERB
+only	ADV
+young	ADJ
+ones	NOUN
+?	PUNCT
+
+No	INTJ
+,	PUNCT
+the	DET
+luxurious	ADJ
+facilities	NOUN
+and	CCONJ
+fun	NOUN
+filled	VERB
+activities	NOUN
+in	ADP
+the	DET
+Disney	PROPN
+cruise	NOUN
+are	AUX
+very	ADV
+attractive	ADJ
+to	ADP
+people	NOUN
+of	ADP
+all	DET
+ages	NOUN
+.	PUNCT
+
+Whatever	PRON
+be	AUX
+the	DET
+age	NOUN
+,	PUNCT
+you	PRON
+will	AUX
+have	VERB
+the	DET
+choice	NOUN
+of	ADP
+variety	NOUN
+of	ADP
+activities	NOUN
+to	PART
+forget	VERB
+about	ADP
+your	PRON
+hectic	ADJ
+day	NOUN
+-	PUNCT
+to	ADP
+-	PUNCT
+day	NOUN
+activities	NOUN
+.	PUNCT
+
+Kids	NOUN
+fun	ADJ
+games	NOUN
+and	CCONJ
+video	NOUN
+shows	NOUN
+are	AUX
+added	VERB
+to	ADP
+the	DET
+other	ADJ
+facilities	NOUN
+.	PUNCT
+
+There	PRON
+are	VERB
+two	NUM
+ships	NOUN
+,	PUNCT
+Disney	PROPN
+magic	PROPN
+and	CCONJ
+Disney	PROPN
+wonder	PROPN
+.	PUNCT
+
+Both	DET
+are	AUX
+made	VERB
+keeping	VERB
+in	ADP
+mind	NOUN
+the	DET
+comforts	NOUN
+of	ADP
+the	DET
+travelers	NOUN
+.	PUNCT
+
+Disney	PROPN
+cruises	NOUN
+offer	VERB
+24	NUM
+-	PUNCT
+hour	NOUN
+room	NOUN
+services	NOUN
+,	PUNCT
+and	CCONJ
+the	DET
+crews	NOUN
+are	AUX
+ready	ADJ
+to	PART
+serve	VERB
+you	PRON
+the	DET
+way	NOUN
+you	PRON
+like	VERB
+.	PUNCT
+
+It	PRON
+has	AUX
+got	VERB
+very	ADV
+spacious	ADJ
+rooms	NOUN
+,	PUNCT
+furnished	VERB
+completely	ADV
+and	CCONJ
+neatly	ADV
+.	PUNCT
+
+These	PRON
+are	AUX
+decorated	VERB
+uniquely	ADV
+and	CCONJ
+marvelously	ADV
+.	PUNCT
+
+The	DET
+ship	NOUN
+offers	VERB
+variety	NOUN
+of	ADP
+eatables	NOUN
+,	PUNCT
+deliciously	ADV
+made	VERB
+.	PUNCT
+
+Sea	NOUN
+fishes	NOUN
+,	PUNCT
+prawns	NOUN
+and	CCONJ
+many	ADJ
+nice	ADJ
+options	NOUN
+are	AUX
+there	ADV
+in	ADP
+different	ADJ
+restaurants	NOUN
+aboard	ADV
+.	PUNCT
+
+There	PRON
+are	VERB
+many	ADJ
+good	ADJ
+options	NOUN
+of	ADP
+delicious	ADJ
+food	NOUN
+on	ADP
+the	DET
+shores	NOUN
+as	ADV
+well	ADV
+.	PUNCT
+
+There	PRON
+are	VERB
+special	ADJ
+regions	NOUN
+uniquely	ADV
+and	CCONJ
+imposingly	ADV
+designed	VERB
+for	ADP
+the	DET
+children	NOUN
+.	PUNCT
+
+They	PRON
+can	AUX
+spend	VERB
+many	ADJ
+hours	NOUN
+enjoying	VERB
+the	DET
+Disney	PROPN
+world	PROPN
+magic	NOUN
+.	PUNCT
+
+These	DET
+theme	NOUN
+parks	NOUN
+have	VERB
+all	DET
+types	NOUN
+of	ADP
+facilities	NOUN
+.	PUNCT
+
+Video	NOUN
+shows	NOUN
+,	PUNCT
+cartoon	NOUN
+stories	NOUN
+,	PUNCT
+wonderful	ADJ
+games	NOUN
+and	CCONJ
+many	ADJ
+such	ADJ
+facilities	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+really	ADV
+an	DET
+entertainment	NOUN
+for	ADP
+the	DET
+kids	NOUN
+.	PUNCT
+
+The	DET
+amusing	ADJ
+world	NOUN
+of	ADP
+cartoons	NOUN
+and	CCONJ
+stories	NOUN
+will	AUX
+be	AUX
+a	DET
+memorable	ADJ
+experience	NOUN
+for	ADP
+the	DET
+children	NOUN
+.	PUNCT
+
+There	PRON
+are	VERB
+other	ADJ
+amnesties	NOUN
+also	ADV
+.	PUNCT
+
+These	PRON
+include	VERB
+space	NOUN
+for	ADP
+dances	NOUN
+and	CCONJ
+music	NOUN
+,	PUNCT
+bar	NOUN
+facility	NOUN
+,	PUNCT
+gambling	NOUN
+facilities	NOUN
+for	ADP
+the	DET
+elder	ADJ
+,	PUNCT
+spaciously	ADV
+made	VERB
+open	ADJ
+area	NOUN
+aboard	ADV
+and	CCONJ
+many	ADJ
+such	ADJ
+nice	ADJ
+facilities	NOUN
+.	PUNCT
+
+Also	ADV
+one	PRON
+can	AUX
+keep	VERB
+their	PRON
+privacy	NOUN
+in	ADP
+the	DET
+cabins	NOUN
+and	CCONJ
+make	VERB
+the	DET
+time	NOUN
+in	ADP
+seclusion	NOUN
+.	PUNCT
+
+To	PART
+relax	VERB
+and	CCONJ
+to	PART
+rejuvenate	VERB
+Disney	PROPN
+cruise	NOUN
+are	AUX
+the	DET
+best	ADJ
+option	NOUN
+.	PUNCT
+
+There	PRON
+are	VERB
+many	ADJ
+online	ADJ
+sites	NOUN
+offering	VERB
+the	DET
+booking	NOUN
+facility	NOUN
+with	ADP
+affordable	ADJ
+rates	NOUN
+.	PUNCT
+
+You	PRON
+can	AUX
+select	VERB
+the	DET
+proper	ADJ
+route	NOUN
+and	CCONJ
+travel	NOUN
+plans	NOUN
+by	SCONJ
+consulting	VERB
+the	DET
+agents	NOUN
+prior	ADJ
+to	ADP
+the	DET
+booking	NOUN
+........	PUNCT
+
+Off	ADJ
+season	NOUN
+is	AUX
+good	ADJ
+,	PUNCT
+however	ADV
+,	PUNCT
+the	DET
+Disney	PROPN
+cruises	NOUN
+are	VERB
+almost	ADV
+ALWAYS	ADV
+completely	ADV
+booked	VERB
+.	PUNCT
+
+I	PRON
+would	AUX
+suggest	VERB
+a	DET
+warmer	ADJ
+season	NOUN
+,	PUNCT
+but	CCONJ
+not	ADV
+Spring	NOUN
+Break	NOUN
+or	CCONJ
+early	ADJ
+summer	NOUN
+.	PUNCT
+
+You	PRON
+may	AUX
+also	ADV
+want	VERB
+to	PART
+avoid	VERB
+Thanksgiving	PROPN
+week	NOUN
+and	CCONJ
+the	DET
+Christmas	PROPN
+holidays	NOUN
+.	PUNCT
+
+We	PRON
+REALLY	ADV
+enjoyed	VERB
+our	PRON
+balcony	NOUN
+--	PUNCT
+coffee	NOUN
+in	ADP
+the	DET
+mornings	NOUN
+,	PUNCT
+drinks	NOUN
+at	ADP
+night	NOUN
+,	PUNCT
+standing	VERB
+outside	ADV
+when	ADV
+docking	VERB
+and	CCONJ
+leaving	VERB
+port	NOUN
+--	PUNCT
+however	ADV
+,	PUNCT
+it	PRON
+is	AUX
+quite	DET
+a	DET
+bit	NOUN
+more	ADV
+expensive	ADJ
+.	PUNCT
+
+With	ADP
+young	ADJ
+ones	NOUN
+,	PUNCT
+I	PRON
+would	AUX
+definitely	ADV
+get	VERB
+a	DET
+window	NOUN
+or	CCONJ
+view	NOUN
+room	NOUN
+so	SCONJ
+they	PRON
+can	AUX
+see	VERB
+outside	ADV
+.	PUNCT
+
+Check	VERB
+out	ADP
+the	DET
+kids	NOUN
+'	PART
+space	NOUN
+as	ADV
+soon	ADV
+as	SCONJ
+you	PRON
+get	VERB
+onboard	ADV
+.	PUNCT
+
+Do	AUX
+NOT	PART
+feel	VERB
+guilty	ADJ
+about	SCONJ
+taking	VERB
+them	PRON
+there	ADV
+.	PUNCT
+
+They	PRON
+have	VERB
+a	DET
+BLAST	NOUN
+so	ADV
+the	DET
+sooner	ADV
+they	PRON
+get	VERB
+there	ADV
+,	PUNCT
+the	DET
+sooner	ADV
+they	PRON
+can	AUX
+have	VERB
+fun	NOUN
+.	PUNCT
+
+We	PRON
+liked	VERB
+getting	VERB
+the	DET
+late	ADJ
+dinner	NOUN
+seating	NOUN
+,	PUNCT
+so	SCONJ
+you	PRON
+have	VERB
+more	ADJ
+time	NOUN
+to	PART
+see	VERB
+movies	NOUN
+and	CCONJ
+stuff	NOUN
+but	CCONJ
+if	SCONJ
+your	PRON
+kids	NOUN
+are	AUX
+'	PUNCT
+early	ADV
+to	ADP
+bed	NOUN
+'	PUNCT
+you	PRON
+may	AUX
+want	VERB
+the	DET
+earlier	ADJ
+seating	NOUN
+for	ADP
+dinners	NOUN
+.	PUNCT
+
+Bring	VERB
+some	DET
+sort	NOUN
+of	ADP
+magnet	NOUN
+or	CCONJ
+small	ADJ
+magnetic	ADJ
+whiteboard	NOUN
+for	ADP
+your	PRON
+door	NOUN
+.	PUNCT
+
+All	DET
+of	ADP
+the	DET
+doors	NOUN
+tend	VERB
+to	PART
+look	VERB
+alike	ADJ
+and	CCONJ
+having	VERB
+'	PUNCT
+something	PRON
+'	PUNCT
+on	ADP
+your	PRON
+door	NOUN
+helps	VERB
+you	PRON
+and	CCONJ
+your	PRON
+kids	NOUN
+find	VERB
+your	PRON
+room	NOUN
+easier	ADV
+.	PUNCT
+
+You	PRON
+can	AUX
+also	ADV
+leave	VERB
+notes	NOUN
+for	ADP
+the	DET
+rest	NOUN
+of	ADP
+your	PRON
+family	NOUN
+(	PUNCT
+husband	NOUN
+)	PUNCT
+about	SCONJ
+where	ADV
+you	PRON
+are	AUX
+at	ADP
+any	DET
+given	VERB
+point	NOUN
+.	PUNCT
+
+Cell	NOUN
+phones	NOUN
+do	AUX
+NOT	PART
+work	VERB
+on	ADP
+board	NOUN
+but	CCONJ
+they	PRON
+give	VERB
+you	PRON
+a	DET
+'	PUNCT
+walkie	NOUN
+-	PUNCT
+talkie	NOUN
+'	PUNCT
+kind	NOUN
+of	ADP
+phone	NOUN
+in	ADP
+your	PRON
+room	NOUN
+that	PRON
+WILL	AUX
+work	VERB
+onboard	ADV
+.	PUNCT
+
+Each	DET
+evening	NOUN
+you	PRON
+will	AUX
+get	VERB
+a	DET
+'	PUNCT
+magazine	NOUN
+'	PUNCT
+called	VERB
+The	DET
+Navigator	PROPN
+which	PRON
+lists	VERB
+all	DET
+of	ADP
+the	DET
+activities	NOUN
+for	ADP
+the	DET
+next	ADJ
+day	NOUN
+.	PUNCT
+
+We	PRON
+always	ADV
+took	VERB
+ours	PRON
+to	ADP
+dinner	NOUN
+and	CCONJ
+discussed	VERB
+what	DET
+things	NOUN
+we	PRON
+felt	VERB
+we	PRON
+'	PUNCT
+had	VERB
+'	PUNCT
+to	PART
+do	VERB
+and	CCONJ
+which	DET
+ones	VERB
+we	PRON
+felt	VERB
+like	SCONJ
+skipping	VERB
+in	ADP
+lieu	NOUN
+of	SCONJ
+just	ADV
+chilling	VERB
+.	PUNCT
+
+Any	DET
+time	NOUN
+would	AUX
+be	AUX
+great	ADJ
+.	PUNCT
+
+off	ADJ
+season	NOUN
+cruises	NOUN
+might	AUX
+actually	ADV
+be	AUX
+better	ADJ
+with	ADP
+preschoolers	NOUN
+as	SCONJ
+prices	NOUN
+might	AUX
+be	AUX
+lower	ADJ
+in	ADP
+the	DET
+off	ADJ
+season	NOUN
+.	PUNCT
+
+My	PRON
+wife	NOUN
+and	CCONJ
+I	PRON
+,	PUNCT
+in	ADP
+our	PRON
+60's	NOUN
+at	ADP
+the	DET
+time	NOUN
+,	PUNCT
+originally	ADV
+planned	VERB
+a	DET
+3	NUM
+generation	NOUN
+trip	NOUN
+but	CCONJ
+some	DET
+family	NOUN
+emergencies	NOUN
+caused	VERB
+everyone	PRON
+else	ADJ
+to	PART
+cancel	VERB
+.	PUNCT
+
+We	PRON
+had	VERB
+a	DET
+ball	NOUN
+.	PUNCT
+
+We	PRON
+had	VERB
+an	DET
+inside	ADV
+cabin	NOUN
+and	CCONJ
+it	PRON
+is	AUX
+what	PRON
+I	PRON
+would	AUX
+recommend	VERB
+.	PUNCT
+
+There	PRON
+are	VERB
+so	ADV
+many	ADJ
+things	NOUN
+to	PART
+do	VERB
+that	SCONJ
+you	PRON
+will	AUX
+only	ADV
+use	VERB
+your	PRON
+room	NOUN
+for	ADP
+sleeping	NOUN
+and	CCONJ
+the	DET
+extra	ADJ
+cost	NOUN
+of	ADP
+the	DET
+balcony	NOUN
+is	AUX
+wasted	VERB
+.	PUNCT
+
+The	DET
+children	NOUN
+can	AUX
+be	AUX
+checked	VERB
+in	ADP
+and	CCONJ
+checked	VERB
+out	ADP
+in	ADP
+a	DET
+safe	ADJ
+way	NOUN
+at	ADP
+many	ADJ
+activities	NOUN
+so	ADV
+you	PRON
+can	AUX
+have	VERB
+a	DET
+bit	NOUN
+of	ADP
+free	ADJ
+time	NOUN
+without	ADP
+the	DET
+little	ADJ
+ones	NOUN
+.	PUNCT
+
+The	DET
+range	NOUN
+of	ADP
+activities	NOUN
+can	AUX
+be	AUX
+illustrated	VERB
+by	SCONJ
+describing	VERB
+the	DET
+water	NOUN
+activities	NOUN
+.	PUNCT
+
+There	PRON
+is	VERB
+a	DET
+splash	NOUN
+fountain	NOUN
+(	PUNCT
+no	DET
+standing	VERB
+water	NOUN
+)	PUNCT
+for	ADP
+little	ADJ
+ones	NOUN
+still	ADV
+in	ADP
+diapers	NOUN
+;	PUNCT
+Next	ADV
+is	AUX
+a	DET
+wading	NOUN
+pool	NOUN
+for	ADP
+those	PRON
+who	PRON
+are	VERB
+potty	NOUN
+trained	VERB
+;	PUNCT
+Then	ADV
+a	DET
+family	NOUN
+pool	NOUN
+;	PUNCT
+Finally	ADV
+there	PRON
+is	VERB
+a	DET
+pool	NOUN
+for	ADP
+adults	NOUN
+only	ADV
+with	SCONJ
+kids	NOUN
+not	ADV
+allowed	VERB
+.	PUNCT
+
+You	PRON
+will	AUX
+never	ADV
+be	AUX
+so	ADV
+spoiled	ADJ
+in	ADP
+your	PRON
+life	NOUN
+as	SCONJ
+you	PRON
+are	AUX
+on	ADP
+a	DET
+Disney	PROPN
+Cruise	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+stay	VERB
+with	ADP
+your	PRON
+dining	NOUN
+schedule	NOUN
+,	PUNCT
+every	DET
+night	NOUN
+is	AUX
+dinner	NOUN
+and	CCONJ
+a	DET
+show	NOUN
+.	PUNCT
+
+The	DET
+real	ADJ
+payoff	NOUN
+is	AUX
+that	SCONJ
+you	PRON
+will	AUX
+have	VERB
+the	DET
+same	ADJ
+waiter	NOUN
+for	ADP
+the	DET
+entire	ADJ
+cruise	NOUN
+.	PUNCT
+
+Our	PRON
+waiter	NOUN
+quickly	ADV
+grasped	VERB
+the	DET
+fact	NOUN
+that	SCONJ
+I	PRON
+like	VERB
+Ginger	NOUN
+ale	NOUN
+and	CCONJ
+rather	ADV
+spicy	ADJ
+foods	NOUN
+while	SCONJ
+my	PRON
+wife	NOUN
+'s	PART
+taste	NOUN
+ran	VERB
+to	ADP
+lemonade	NOUN
+and	CCONJ
+less	ADV
+spicy	ADJ
+fare	NOUN
+.	PUNCT
+
+Since	SCONJ
+they	PRON
+knew	VERB
+our	PRON
+preferences	NOUN
+,	PUNCT
+we	PRON
+almost	ADV
+always	ADV
+went	VERB
+along	ADV
+with	ADP
+their	PRON
+menu	NOUN
+suggestions	NOUN
+and	CCONJ
+were	AUX
+never	ADV
+sorry	ADJ
+we	PRON
+did	VERB
+.	PUNCT
+
+Obviously	ADV
+they	PRON
+had	VERB
+a	DET
+full	ADJ
+beverage	NOUN
+list	NOUN
+including	VERB
+alcohol	NOUN
+for	ADP
+adults	NOUN
+who	PRON
+wanted	VERB
+it	PRON
+.	PUNCT
+
+If	SCONJ
+you	PRON
+should	AUX
+miss	VERB
+a	DET
+meal	NOUN
+,	PUNCT
+you	PRON
+also	ADV
+missed	VERB
+a	DET
+great	ADJ
+show	NOUN
+.	PUNCT
+
+but	CCONJ
+food	NOUN
+is	AUX
+always	ADV
+available	ADJ
+and	CCONJ
+it	PRON
+is	AUX
+consistently	ADV
+good	ADJ
+.	PUNCT
+
+I	PRON
+think	VERB
+I	PRON
+gained	VERB
+three	NUM
+pounds	NOUN
+in	ADP
+my	PRON
+week	NOUN
+long	ADJ
+cruise	NOUN
+.	PUNCT
+
+This	PRON
+is	AUX
+about	ADP
+my	PRON
+farrier	NOUN
+,	PUNCT
+girls	NOUN
+.	PUNCT
+
+That	PRON
+'s	VERB
+why	ADV
+I	PRON
+'m	AUX
+posting	VERB
+here	ADV
+!	PUNCT
+
+Help	NOUN
+?	PUNCT
+
+I	PRON
+posted	VERB
+this	PRON
+in	ADP
+singles	NOUN
+and	CCONJ
+dating	NOUN
+too	ADV
+,	PUNCT
+so	ADV
+I	PRON
+'ve	AUX
+just	ADV
+copied	VERB
+and	CCONJ
+pasted	VERB
+.	PUNCT
+
+Well	INTJ
+,	PUNCT
+I	PRON
+'ll	AUX
+try	VERB
+to	PART
+make	VERB
+this	PRON
+short	ADJ
+.	PUNCT
+
+I	PRON
+have	AUX
+known	VERB
+this	DET
+guy	NOUN
+for	ADP
+a	DET
+long	ADJ
+time	NOUN
+,	PUNCT
+but	CCONJ
+we	PRON
+'ve	AUX
+never	ADV
+been	AUX
+good	ADJ
+friends	NOUN
+or	CCONJ
+anything	PRON
+.	PUNCT
+
+He	PRON
+is	AUX
+my	PRON
+farrier	NOUN
+(	PUNCT
+shoes	VERB
+my	PRON
+horse	NOUN
+s	PART
+feet	NOUN
+)	PUNCT
+so	ADV
+I	PRON
+am	AUX
+technically	ADV
+a	DET
+client	NOUN
+if	SCONJ
+you	PRON
+want	VERB
+to	PART
+view	VERB
+it	PRON
+that	DET
+way	NOUN
+.	PUNCT
+
+Well	INTJ
+,	PUNCT
+almost	ADV
+two	NUM
+weeks	NOUN
+ago	ADV
+he	PRON
+came	VERB
+out	ADV
+and	CCONJ
+did	VERB
+my	PRON
+horse	NOUN
+s	PART
+feet	NOUN
+and	CCONJ
+was	AUX
+SO	ADV
+flirty	ADJ
+.	PUNCT
+
+He	PRON
+always	ADV
+hugs	VERB
+me	PRON
+when	ADV
+he	PRON
+comes	VERB
+,	PUNCT
+but	CCONJ
+he	PRON
+gave	VERB
+me	PRON
+at	ADV
+least	ADV
+5	NUM
+tight	ADJ
+,	PUNCT
+long	ADJ
+,	PUNCT
+back	NOUN
+rubbing	VERB
+hugs	NOUN
+while	SCONJ
+he	PRON
+was	AUX
+there	ADV
+.	PUNCT
+
+We	PRON
+were	AUX
+also	ADV
+just	ADV
+talking	VERB
+about	ADP
+my	PRON
+horse	NOUN
+'s	PART
+crappy	ADJ
+feet	NOUN
+and	CCONJ
+he	PRON
+mentioned	VERB
+.	PUNCT
+
+"	PUNCT
+Well	INTJ
+,	PUNCT
+if	SCONJ
+you	PRON
+ever	ADV
+just	ADV
+want	VERB
+to	PART
+see	VERB
+me	PRON
+I	PRON
+'ll	AUX
+come	VERB
+out	ADV
+and	CCONJ
+look	VERB
+him	PRON
+over	ADP
+and	CCONJ
+then	ADV
+we	PRON
+can	AUX
+grab	VERB
+a	DET
+coffee	NOUN
+after	ADV
+.	PUNCT
+"	PUNCT
+
+That	PRON
+has	AUX
+NEVER	ADV
+happened	VERB
+before	ADV
+so	ADV
+I	PRON
+was	AUX
+kinda	ADV
+realizing	VERB
+at	ADP
+that	DET
+point	NOUN
+that	SCONJ
+he	PRON
+was	AUX
+a	DET
+little	ADJ
+interested	ADJ
+.	PUNCT
+
+Right	INTJ
+??	PUNCT
+
+Anyway	INTJ
+,	PUNCT
+so	ADV
+he	PRON
+ended	VERB
+up	ADP
+leaving	VERB
+one	NUM
+nail	NOUN
+out	ADP
+of	ADP
+my	PRON
+horse	NOUN
+s	PART
+foot	NOUN
+(	PUNCT
+I	PRON
+'ve	AUX
+never	ADV
+heard	VERB
+of	SCONJ
+a	DET
+farrier	NOUN
+doing	VERB
+this	PRON
+)	PUNCT
+and	CCONJ
+telling	VERB
+me	PRON
+to	PART
+call	VERB
+him	PRON
+in	ADP
+a	DET
+few	ADJ
+days	NOUN
+(	PUNCT
+first	ADV
+it	PRON
+was	AUX
+a	DET
+week	NOUN
+,	PUNCT
+then	ADV
+it	PRON
+was	AUX
+a	DET
+few	ADJ
+days	NOUN
+lol	INTJ
+)	PUNCT
+and	CCONJ
+he	PRON
+'d	AUX
+come	VERB
+back	ADV
+out	ADV
+and	CCONJ
+put	VERB
+it	PRON
+in	ADV
+.	PUNCT
+
+He	PRON
+told	VERB
+me	PRON
+to	PART
+remember	VERB
+to	PART
+call	VERB
+like	INTJ
+3	NUM
+times	NOUN
+before	SCONJ
+he	PRON
+left	VERB
+.	PUNCT
+
+So	ADV
+,	PUNCT
+I	PRON
+waited	VERB
+a	DET
+week	NOUN
+to	PART
+call	VERB
+because	SCONJ
+I	PRON
+was	AUX
+busy	ADJ
+and	CCONJ
+I	PRON
+wanted	VERB
+to	PART
+have	VERB
+him	PRON
+come	VERB
+out	ADV
+on	ADP
+a	DET
+day	NOUN
+when	ADV
+I	PRON
+am	AUX
+more	ADV
+available	ADJ
+in	ADP
+case	NOUN
+we	PRON
+were	VERB
+to	PART
+hang	VERB
+out	ADP
+after	ADV
+;)	SYM
+
+Anyway	INTJ
+,	PUNCT
+so	ADV
+that	PRON
+was	AUX
+2	NUM
+days	NOUN
+ago	ADV
+that	ADV
+I	PRON
+called	VERB
+and	CCONJ
+left	VERB
+a	DET
+message	NOUN
+,	PUNCT
+but	CCONJ
+he	PRON
+still	ADV
+has	AUX
+n't	PART
+called	VERB
+back	ADP
+yet	ADV
+.	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+know	VERB
+if	SCONJ
+I	PRON
+should	AUX
+call	VERB
+him	PRON
+again	ADV
+tomorrow	NOUN
+or	CCONJ
+not	PART
+?	PUNCT
+
+I	PRON
+know	VERB
+a	DET
+lot	NOUN
+of	ADP
+people	NOUN
+say	VERB
+to	PART
+wait	VERB
+until	SCONJ
+he	PRON
+calls	VERB
+you	PRON
+,	PUNCT
+but	CCONJ
+it	PRON
+'s	AUX
+different	ADJ
+because	SCONJ
+I	PRON
+'m	AUX
+a	DET
+client	NOUN
+and	CCONJ
+technically	ADV
+that	PRON
+'s	AUX
+all	DET
+I	PRON
+am	AUX
+at	ADP
+this	DET
+point	NOUN
+.	PUNCT
+
+On	ADP
+the	DET
+other	ADJ
+hand	NOUN
+though	ADV
+,	PUNCT
+if	SCONJ
+I	PRON
+'m	AUX
+a	DET
+client	NOUN
+he	PRON
+should	AUX
+really	ADV
+of	AUX
+called	VERB
+back	ADP
+by	ADP
+now	ADV
+because	SCONJ
+you	PRON
+do	AUX
+n't	PART
+leave	VERB
+a	DET
+customer	NOUN
+hanging	VERB
+.	PUNCT
+
+He	PRON
+did	AUX
+n't	PART
+have	VERB
+my	PRON
+number	NOUN
+either	ADV
+because	SCONJ
+this	PRON
+was	AUX
+the	DET
+first	ADJ
+time	NOUN
+I	PRON
+'ve	AUX
+called	VERB
+HIM	PRON
+instead	ADV
+of	ADP
+his	PRON
+dad	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+a	DET
+father	NOUN
+and	CCONJ
+son	NOUN
+business	NOUN
+.	PUNCT
+
+Anyway	INTJ
+,	PUNCT
+I	PRON
+would	AUX
+appreciate	VERB
+ANY	DET
+insight	NOUN
+on	ADP
+this	PRON
+at	ADV
+all	ADV
+.	PUNCT
+
+Thank	VERB
+you	PRON
+for	ADP
+reading	NOUN
+if	SCONJ
+you	PRON
+did	VERB
+!	PUNCT
+:)	SYM
+
+Ok	INTJ
+,	PUNCT
+well	INTJ
+as	ADV
+far	ADV
+as	SCONJ
+him	PRON
+being	AUX
+a	DET
+bad	ADJ
+farrier	NOUN
+for	SCONJ
+leaving	VERB
+a	DET
+nail	NOUN
+out	ADV
+-	PUNCT
+That	PRON
+is	AUX
+not	PART
+the	DET
+case	NOUN
+,	PUNCT
+they	PRON
+are	AUX
+extremely	ADV
+well	ADV
+known	VERB
+farriers	NOUN
+in	ADP
+the	DET
+area	NOUN
+.	PUNCT
+
+I	PRON
+would	AUX
+be	AUX
+a	DET
+lot	NOUN
+more	ADV
+concerned	ADJ
+if	SCONJ
+the	DET
+shoe	NOUN
+fell	VERB
+off	ADV
+because	SCONJ
+it	PRON
+was	AUX
+missing	VERB
+one	NUM
+lousy	ADJ
+nail	NOUN
+.	PUNCT
+
+The	DET
+reason	NOUN
+he	PRON
+said	VERB
+he	PRON
+did	AUX
+n't	PART
+put	VERB
+that	DET
+nail	NOUN
+in	ADV
+was	VERB
+because	SCONJ
+he	PRON
+"	PUNCT
+did	AUX
+n't	PART
+want	VERB
+to	PART
+risk	VERB
+it	PRON
+"	PUNCT
+with	ADP
+my	PRON
+horse	NOUN
+'s	PART
+horrible	ADJ
+feet	NOUN
+.	PUNCT
+
+This	PRON
+is	AUX
+about	ADV
+the	DET
+fourth	ADJ
+time	NOUN
+they	PRON
+'ve	AUX
+done	VERB
+my	PRON
+horse	NOUN
+'s	PART
+feet	NOUN
+because	SCONJ
+I	PRON
+just	ADV
+switched	VERB
+back	ADV
+to	ADP
+them	PRON
+.	PUNCT
+
+The	DET
+only	ADJ
+reason	NOUN
+I	PRON
+switched	VERB
+away	ADV
+from	ADP
+them	PRON
+in	ADP
+the	DET
+first	ADJ
+place	NOUN
+is	VERB
+because	SCONJ
+my	PRON
+good	ADJ
+friend	NOUN
+who	PRON
+apprenticed	VERB
+with	ADP
+them	PRON
+was	AUX
+starting	VERB
+out	ADP
+on	ADP
+his	PRON
+own	ADJ
+.	PUNCT
+
+However	ADV
+,	PUNCT
+he	PRON
+left	VERB
+my	PRON
+horse	NOUN
+without	ADP
+a	DET
+shoe	NOUN
+for	ADP
+TWO	NUM
+WEEKS	NOUN
+(	PUNCT
+now	ADV
+that	PRON
+'s	VERB
+what	PRON
+I	PRON
+call	VERB
+a	DET
+crap	ADJ
+farrier	NOUN
+)	PUNCT
+.	PUNCT
+
+Which	PRON
+,	PUNCT
+I	PRON
+might	AUX
+add	VERB
+is	AUX
+the	DET
+same	ADJ
+foot	NOUN
+that	PRON
+keeps	VERB
+crumbling	VERB
+with	ADP
+the	DET
+nails	NOUN
+.	PUNCT
+
+So	ADV
+,	PUNCT
+obviously	ADV
+I	PRON
+switched	VERB
+back	ADV
+to	ADP
+these	DET
+guys	NOUN
+.	PUNCT
+
+Ok	INTJ
+,	PUNCT
+calm	VERB
+down	ADP
+,	PUNCT
+it	PRON
+'s	VERB
+not	PART
+like	SCONJ
+he	PRON
+'s	AUX
+some	DET
+stranger	NOUN
+that	PRON
+came	VERB
+up	ADV
+and	CCONJ
+groped	VERB
+me	PRON
+lol	INTJ
+.	PUNCT
+
+I	PRON
+'ve	AUX
+known	VERB
+the	DET
+guy	NOUN
+for	ADP
+about	ADV
+10	NUM
+years	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+21	NUM
+,	PUNCT
+so	ADV
+yeah	INTJ
+we	PRON
+were	AUX
+both	ADV
+kids	NOUN
+when	ADV
+we	PRON
+knew	VERB
+each	DET
+other	ADJ
+!	PUNCT
+
+He	PRON
+is	AUX
+a	DET
+few	ADJ
+years	NOUN
+older	ADJ
+than	ADP
+me	PRON
+.	PUNCT
+
+And	CCONJ
+yes	INTJ
+,	PUNCT
+I	PRON
+do	AUX
+like	VERB
+him	PRON
+.	PUNCT
+
+To	PART
+answer	VERB
+Barry	PROPN
+White	PROPN
+,	PUNCT
+yes	INTJ
+that	PRON
+did	AUX
+occur	VERB
+to	ADP
+me	PRON
+:)	SYM
+I	PRON
+hope	VERB
+that	PRON
+is	AUX
+all	DET
+he	PRON
+'s	AUX
+waiting	VERB
+for	ADP
+.	PUNCT
+
+On	ADP
+the	DET
+other	ADJ
+hand	NOUN
+,	PUNCT
+he	PRON
+could	AUX
+very	ADV
+easily	ADV
+just	ADV
+call	VERB
+me	PRON
+and	CCONJ
+say	VERB
+hey	INTJ
+I	PRON
+'m	AUX
+busy	ADJ
+right	ADV
+now	ADV
+,	PUNCT
+I	PRON
+'ll	AUX
+call	VERB
+you	PRON
+when	ADV
+I	PRON
+can	AUX
+come	VERB
+out	ADV
+.	PUNCT
+
+And	CCONJ
+as	ADV
+far	ADV
+as	SCONJ
+scheduled	VERB
+visits	NOUN
+go	VERB
+,	PUNCT
+I	PRON
+have	VERB
+no	DET
+idea	NOUN
+.	PUNCT
+
+I	PRON
+'ve	AUX
+never	ADV
+done	VERB
+that	PRON
+before	ADV
+though	ADV
+either	ADV
+.	PUNCT
+
+It	PRON
+'s	VERB
+always	ADV
+just	ADV
+"	PUNCT
+Okay	INTJ
+,	PUNCT
+they're	PRON
+feet	NOUN
+need	VERB
+to	PART
+be	AUX
+done	VERB
+,	PUNCT
+better	ADV
+call	VERB
+the	DET
+farrier	NOUN
+.	PUNCT
+"	PUNCT
+
+And	CCONJ
+they	PRON
+usually	ADV
+come	VERB
+out	ADV
+within	ADP
+a	DET
+few	ADJ
+days	NOUN
+.	PUNCT
+
+He	PRON
+will	AUX
+call	VERB
+you	PRON
+back	ADP
+I	PRON
+m	AUX
+sure	ADJ
+!	PUNCT
+
+Sounds	VERB
+like	SCONJ
+He	PRON
+really	ADV
+likes	VERB
+you	PRON
+..	PUNCT
+
+But	CCONJ
+you	PRON
+need	VERB
+to	PART
+ask	VERB
+yourself	PRON
+do	AUX
+you	PRON
+feel	VERB
+the	DET
+same	ADJ
+way	NOUN
+?	PUNCT
+
+would	AUX
+You	PRON
+like	VERB
+going	VERB
+for	ADP
+*	PUNCT
+coffee	NOUN
+*	PUNCT
+with	ADP
+him	PRON
+?	PUNCT
+
+or	CCONJ
+is	AUX
+he	PRON
+Not	PART
+your	PRON
+type	NOUN
+?	PUNCT
+
+Or	CCONJ
+are	AUX
+you	PRON
+undecided	ADJ
+?	PUNCT
+
+If	SCONJ
+i	PRON
+were	AUX
+you	PRON
+I	PRON
+would	AUX
+Go	VERB
+...	PUNCT
+
+I	PRON
+would	AUX
+say	VERB
+if	SCONJ
+he	PRON
+does	AUX
+not	PART
+call	VERB
+you	PRON
+back	ADP
+by	ADP
+friday	PROPN
+call	VERB
+him	PRON
+again	ADV
+he	PRON
+could	AUX
+be	AUX
+playing	VERB
+hard	ADJ
+to	PART
+get	VERB
+?	PUNCT
+
+I	PRON
+think	VERB
+he	PRON
+left	VERB
+the	DET
+Nail	NOUN
+out	ADP
+of	ADP
+the	DET
+shoe	NOUN
+as	ADP
+a	DET
+excuse	NOUN
+to	PART
+come	VERB
+back	ADV
+and	CCONJ
+see	VERB
+you	PRON
+hey	INTJ
+he	PRON
+may	AUX
+be	AUX
+your	PRON
+Prince	PROPN
+charming	PROPN
+..	PUNCT
+
+Edit	NOUN
+...	PUNCT
+I	PRON
+really	ADV
+do	AUX
+nt	PART
+think	VERB
+Your	PRON
+horse	NOUN
+Is	AUX
+in	ADP
+danger	NOUN
+Of	SCONJ
+being	AUX
+hurt	VERB
+With	SCONJ
+one	NUM
+Nail	NOUN
+missing	VERB
+..	PUNCT
+
+I	PRON
+have	AUX
+seen	VERB
+horses	NOUN
+Loose	VERB
+Nails	NOUN
+On	ADP
+there	PRON
+Own	ADJ
+And	CCONJ
+do	VERB
+just	ADV
+fine	ADV
+with	SCONJ
+ONE	NUM
+nail	NOUN
+gone	VERB
+Now	ADV
+if	SCONJ
+he	PRON
+had	AUX
+left	VERB
+out	ADV
+2	NUM
+or	CCONJ
+3	NUM
+I	PRON
+would	AUX
+be	AUX
+wondering	VERB
+to	ADV
+...	PUNCT
+
+I	PRON
+really	ADV
+do	AUX
+belive	VERB
+he	PRON
+left	VERB
+the	DET
+nail	NOUN
+out	ADV
+becuse	ADP
+of	ADP
+the	DET
+horse	NOUN
+s	PART
+Hoof	NOUN
+condition	NOUN
+and	CCONJ
+It	PRON
+s	AUX
+a	DET
+added	VERB
+bonus	NOUN
+he	PRON
+would	AUX
+get	VERB
+to	PART
+see	VERB
+her	PRON
+again	ADV
+
+When	ADV
+I	PRON
+was	AUX
+Younger	ADJ
+In	ADP
+my	PRON
+early	ADJ
+20s	NOUN
+My	PRON
+farrier	NOUN
+was	AUX
+A	DET
+hottie	NOUN
+named	VERB
+Joby	PROPN
+..	PUNCT
+(	PUNCT
+for	ADP
+those	PRON
+who	PRON
+do	AUX
+n't	PART
+Know	VERB
+I	PRON
+AM	AUX
+A	DET
+GIRL	NOUN
+read	VERB
+my	PRON
+Bio	NOUN
+on	ADP
+my	PRON
+Page	NOUN
+)	PUNCT
+dumb	ADJ
+as	ADP
+a	DET
+post	NOUN
+about	ADP
+everything	PRON
+But	ADP
+horses	NOUN
+..	PUNCT
+
+He	PRON
+was	AUX
+In	ADP
+his	PRON
+30s	NOUN
+divorced	ADJ
+and	CCONJ
+Had	VERB
+2	NUM
+kids	NOUN
+..	PUNCT
+but	CCONJ
+we	PRON
+both	DET
+flirted	VERB
+Horribly	ADV
+with	ADP
+each	DET
+other	ADJ
+..	PUNCT
+but	CCONJ
+neither	DET
+one	NUM
+of	ADP
+us	PRON
+took	VERB
+the	DET
+chance	NOUN
+and	CCONJ
+Asked	VERB
+to	ADP
+other	ADJ
+on	ADP
+a	DET
+date	NOUN
+.	PUNCT
+:(	SYM
+
+sort	ADV
+a	ADV
+wonder	VERB
+what	PRON
+it	PRON
+would	AUX
+have	AUX
+been	AUX
+like	ADP
+?	PUNCT
+
+But	CCONJ
+That	PRON
+was	AUX
+Years	NOUN
+ago	ADV
+.	PUNCT
+
+He	PRON
+had	VERB
+this	DET
+Habit	NOUN
+of	SCONJ
+telling	VERB
+you	PRON
+Everything	PRON
+..	PUNCT
+
+Well	INTJ
+one	NUM
+day	NOUN
+he	PRON
+said	VERB
+to	ADP
+me	PRON
+You	PRON
+know	VERB
+i	PRON
+do	AUX
+n't	PART
+wear	VERB
+Underwear	NOUN
+as	SCONJ
+he	PRON
+was	AUX
+bent	VERB
+over	ADV
+Working	VERB
+on	ADP
+my	PRON
+Mare	NOUN
+s	PART
+Right	ADJ
+front	ADJ
+hoof	NOUN
+..	PUNCT
+and	CCONJ
+I	PRON
+was	VERB
+Like	INTJ
+Ummmm	INTJ
+okay	INTJ
+???	PUNCT
+
+I	PRON
+m	AUX
+glad	ADJ
+his	PRON
+butt	NOUN
+was	AUX
+facing	VERB
+me	PRON
+so	SCONJ
+he	PRON
+could	AUX
+n't	PART
+see	VERB
+my	PRON
+red	ADJ
+face	NOUN
+I	PRON
+think	VERB
+my	PRON
+Mare	NOUN
+was	AUX
+even	ADV
+laughing	VERB
+..	PUNCT
+
+Well	INTJ
+6	NUM
+weeks	NOUN
+Later	ADV
+when	ADV
+he	PRON
+came	VERB
+back	ADV
+out	ADV
+He	PRON
+was	AUX
+again	ADV
+working	VERB
+on	ADP
+my	PRON
+mare	NOUN
+s	PART
+front	ADJ
+Foot	PROPN
+and	CCONJ
+I	PRON
+looked	VERB
+Down	ADV
+and	CCONJ
+Yeah	INTJ
+he	PRON
+had	VERB
+Wholes	NOUN
+In	ADP
+his	PRON
+pants	NOUN
+In	ADP
+the	DET
+wrong	ADJ
+places	NOUN
+I	PRON
+bust	VERB
+out	ADP
+Laughing	VERB
+and	CCONJ
+He	PRON
+was	AUX
+like	INTJ
+what	PRON
+???	PUNCT
+
+I	PRON
+was	VERB
+like	ADP
+Ummmm	INTJ
+i	PRON
+can	AUX
+see	VERB
+your	PRON
+ass	NOUN
+cheeks	NOUN
+...	PUNCT
+he	PRON
+was	VERB
+like	ADP
+Oops	INTJ
+did	AUX
+i	PRON
+forget	VERB
+my	PRON
+Underwear	NOUN
+???	PUNCT
+
+that	PRON
+was	AUX
+a	DET
+strange	ADJ
+way	NOUN
+to	PART
+flirt	VERB
+..	PUNCT
+but	CCONJ
+i	PRON
+guss	VERB
+it	PRON
+was	AUX
+his	PRON
+way	NOUN
+...	PUNCT
+
+But	CCONJ
+like	SCONJ
+i	PRON
+said	VERB
+nothing	PRON
+ever	ADV
+came	VERB
+of	ADP
+It	PRON
+..	PUNCT
+the	DET
+next	ADJ
+time	NOUN
+I	PRON
+saw	VERB
+him	PRON
+He	PRON
+had	AUX
+told	VERB
+Me	PRON
+he	PRON
+had	VERB
+To	PART
+get	AUX
+married	VERB
+to	ADP
+a	DET
+girl	NOUN
+Who	PRON
+he	PRON
+worked	VERB
+with	ADP
+becuse	SCONJ
+he	PRON
+knocked	VERB
+Her	PRON
+Up	ADP
+..	PUNCT
+
+I	PRON
+was	AUX
+heartbroken	ADJ
+..	PUNCT
+but	CCONJ
+then	ADV
+realized	VERB
+He	PRON
+was	AUX
+not	PART
+the	DET
+Guy	NOUN
+for	ADP
+me	PRON
+..	PUNCT
+
+Wow	INTJ
+he	PRON
+does	AUX
+sound	VERB
+interested	ADJ
+in	ADP
+you	PRON
+,	PUNCT
+my	PRON
+farrier	NOUN
+never	ADV
+gives	VERB
+me	PRON
+hugs	NOUN
+like	ADP
+that	PRON
+(	PUNCT
+probably	ADV
+a	DET
+good	ADJ
+thing	NOUN
+as	SCONJ
+he	PRON
+has	VERB
+a	DET
+wife	NOUN
+and	CCONJ
+2	NUM
+kids	NOUN
+)	PUNCT
+anyway	INTJ
+,	PUNCT
+I	PRON
+find	VERB
+that	SCONJ
+they	PRON
+can	AUX
+be	AUX
+very	ADV
+busy	ADJ
+so	ADV
+I	PRON
+would	AUX
+wait	VERB
+a	DET
+week	NOUN
+lo9nger	ADV
+and	CCONJ
+if	SCONJ
+still	ADV
+no	DET
+reply	NOUN
+give	VERB
+him	PRON
+a	DET
+call	NOUN
+but	CCONJ
+do	AUX
+n’t	PART
+leave	VERB
+a	DET
+message	NOUN
+so	SCONJ
+you	PRON
+do	AUX
+n’t	PART
+have	VERB
+to	PART
+necessarily	ADV
+wait	VERB
+for	SCONJ
+him	PRON
+to	PART
+call	VERB
+.	PUNCT
+
+From	ADP
+the	DET
+point	NOUN
+of	ADP
+view	NOUN
+of	ADP
+a	DET
+business	NOUN
+,	PUNCT
+and	CCONJ
+client	NOUN
+/	PUNCT
+operator	NOUN
+relationships	NOUN
+,	PUNCT
+he	PRON
+'s	AUX
+doing	VERB
+a	DET
+really	ADV
+shitty	ADJ
+job	NOUN
+.	PUNCT
+
+Leaving	VERB
+nails	NOUN
+out	ADV
+so	SCONJ
+you	PRON
+'ll	AUX
+call	VERB
+and	CCONJ
+have	VERB
+him	PRON
+come	VERB
+back	ADV
+out	ADV
+later	ADV
+?	PUNCT
+
+Cute	ADJ
+or	CCONJ
+not	PART
+,	PUNCT
+I	PRON
+'d	AUX
+call	VERB
+a	DET
+different	ADJ
+bloke	NOUN
+because	SCONJ
+he	PRON
+'s	AUX
+doing	VERB
+a	DET
+sub-par	ADJ
+job	NOUN
+at	ADP
+something	PRON
+he	PRON
+needs	VERB
+to	PART
+be	AUX
+doing	VERB
+his	PRON
+best	ADJ
+at	ADP
+,	PUNCT
+whether	SCONJ
+he	PRON
+'s	AUX
+flirting	VERB
+or	CCONJ
+trying	VERB
+to	PART
+ask	VERB
+you	PRON
+out	ADV
+or	CCONJ
+not	PART
+,	PUNCT
+he	PRON
+ought	AUX
+to	PART
+put	VERB
+quality	NOUN
+first	ADV
+.	PUNCT
+
+This	PRON
+is	AUX
+,	PUNCT
+after	ADV
+all	ADV
+,	PUNCT
+his	PRON
+business	NOUN
+,	PUNCT
+and	CCONJ
+if	SCONJ
+he	PRON
+wants	VERB
+you	PRON
+to	PART
+remain	VERB
+a	DET
+customer	NOUN
+why	ADV
+on	ADP
+earth	NOUN
+is	AUX
+he	PRON
+doing	VERB
+shoddy	ADJ
+work	NOUN
+?	PUNCT
+
+EPM	NOUN
+,	PUNCT
+Anyone	PRON
+Dealt	VERB
+with	ADP
+it	PRON
+?	PUNCT
+
+Might	AUX
+be	AUX
+something	PRON
+different	ADJ
+?	PUNCT
+
+I	PRON
+have	VERB
+the	DET
+opportunity	NOUN
+to	PART
+pick	VERB
+up	ADP
+a	DET
+super	ADV
+nice	ADJ
+6	NUM
+year	NOUN
+old	NOUN
+for	ADP
+free	ADJ
+.	PUNCT
+
+He	PRON
+'s	AUX
+not	PART
+lame	ADJ
+,	PUNCT
+but	CCONJ
+he	PRON
+'s	AUX
+been	AUX
+having	VERB
+issues	NOUN
+.	PUNCT
+
+Here	ADV
+'s	AUX
+what	PRON
+the	DET
+owner	NOUN
+has	AUX
+said	VERB
+:	PUNCT
+
+I	PRON
+have	VERB
+a	DET
+5	NUM
+year	NOUN
+old	NOUN
+that	PRON
+lost	VERB
+all	DET
+of	ADP
+his	PRON
+cheek	NOUN
+muscle	NOUN
+on	ADP
+the	DET
+right	ADJ
+side	NOUN
+about	ADP
+3	NUM
+-	SYM
+4	NUM
+months	NOUN
+ago	ADV
+.	PUNCT
+
+I	PRON
+chalked	VERB
+it	PRON
+up	ADP
+to	ADP
+possible	ADJ
+nerve	ADJ
+damage	NOUN
+,	PUNCT
+because	SCONJ
+this	PRON
+is	AUX
+what	PRON
+the	DET
+vet	NOUN
+thought	VERB
+and	CCONJ
+the	DET
+other	ADJ
+cheek	NOUN
+muscle	NOUN
+was	AUX
+fine	ADJ
+and	CCONJ
+he	PRON
+had	VERB
+no	DET
+theeth	NOUN
+problems	NOUN
+.	PUNCT
+
+So	ADV
+I	PRON
+sent	VERB
+him	PRON
+to	ADP
+the	DET
+trainers	NOUN
+the	DET
+first	NOUN
+of	ADP
+September	PROPN
+to	PART
+be	AUX
+started	VERB
+on	ADP
+the	DET
+barrels	NOUN
+.	PUNCT
+
+I	PRON
+got	VERB
+him	PRON
+back	ADV
+the	DET
+first	NOUN
+of	ADP
+the	DET
+month	NOUN
+and	CCONJ
+he	PRON
+had	AUX
+lost	VERB
+some	DET
+weight	NOUN
+but	CCONJ
+attributed	VERB
+that	PRON
+to	SCONJ
+be	AUX
+worked	VERB
+everyday	NOUN
+(	PUNCT
+I	PRON
+expected	VERB
+him	PRON
+to	PART
+drop	VERB
+some	DET
+)	PUNCT
+.	PUNCT
+
+He	PRON
+is	AUX
+now	ADV
+losing	VERB
+the	DET
+cheek	NOUN
+muscle	NOUN
+on	ADP
+the	DET
+left	ADJ
+side	NOUN
+of	ADP
+his	PRON
+face	NOUN
+and	CCONJ
+seems	VERB
+to	PART
+be	AUX
+dropping	VERB
+weight	NOUN
+by	ADP
+the	DET
+day	NOUN
+.	PUNCT
+
+Had	VERB
+him	PRON
+to	ADP
+a	DET
+dentist	NOUN
+yesterday	NOUN
+and	CCONJ
+there	PRON
+is	VERB
+no	DET
+teeth	NOUN
+problems	NOUN
+.	PUNCT
+
+He	PRON
+can	AUX
+eat	VERB
+all	DET
+his	PRON
+feed	NOUN
+and	CCONJ
+does	AUX
+n't	PART
+drop	VERB
+any	DET
+,	PUNCT
+but	CCONJ
+can	AUX
+not	PART
+eat	VERB
+hay	NOUN
+from	ADP
+lack	NOUN
+of	ADP
+muscle	NOUN
+to	PART
+chew	VERB
+it	PRON
+.	PUNCT
+
+He	PRON
+is	AUX
+gant	ADJ
+looking	VERB
+in	ADP
+his	PRON
+flank	NOUN
+area	NOUN
+and	CCONJ
+is	AUX
+losing	VERB
+topline	NOUN
+muscle	NOUN
+.	PUNCT
+
+The	DET
+only	ADJ
+neurological	ADJ
+sign	NOUN
+that	DET
+he	PRON
+shows	VERB
+is	VERB
+that	SCONJ
+he	PRON
+barely	ADV
+drags	VERB
+his	PRON
+toes	NOUN
+and	CCONJ
+sometimes	ADV
+has	VERB
+trouble	ADJ
+with	ADP
+his	PRON
+right	ADJ
+lead	NOUN
+.	PUNCT
+
+The	DET
+horse	NOUN
+I	PRON
+had	AUX
+posted	VERB
+about	ADP
+a	DET
+couple	NOUN
+weeks	NOUN
+ago	ADV
+with	ADP
+the	DET
+atrophied	VERB
+cheek	NOUN
+muscles	NOUN
+is	AUX
+down	ADP
+to	ADP
+his	PRON
+last	ADJ
+resort	NOUN
+for	ADP
+life	NOUN
+.	PUNCT
+
+I	PRON
+CAN	AUX
+NOT	PART
+afford	VERB
+to	PART
+treat	VERB
+whatever	PRON
+is	AUX
+wrong	ADJ
+with	ADP
+him	PRON
+.	PUNCT
+
+NO	INTJ
+,	PUNCT
+I	PRON
+have	AUX
+not	PART
+done	VERB
+an	DET
+EPM	NOUN
+test	NOUN
+but	CCONJ
+have	AUX
+done	VERB
+an	DET
+extensive	ADJ
+blood	NOUN
+panel	NOUN
+and	CCONJ
+my	PRON
+vet	NOUN
+did	VERB
+a	DET
+neurological	ADJ
+physical	ADJ
+exam	NOUN
+.	PUNCT
+
+We	PRON
+elected	VERB
+to	PART
+not	PART
+do	VERB
+the	DET
+EPM	NOUN
+test	NOUN
+because	SCONJ
+there	PRON
+was	VERB
+NO	DET
+neurological	ADJ
+signs	NOUN
+.	PUNCT
+
+He	PRON
+is	AUX
+still	ADV
+showing	VERB
+no	DET
+signs	NOUN
+other	ADJ
+than	ADP
+the	DET
+weight	NOUN
+loss	NOUN
+,	PUNCT
+and	CCONJ
+some	DET
+muscle	NOUN
+atrophy	NOUN
+.	PUNCT
+
+He	PRON
+eats	VERB
+all	DET
+of	ADP
+his	PRON
+grain	NOUN
+but	CCONJ
+it	PRON
+just	ADV
+takes	VERB
+him	PRON
+a	DET
+while	NOUN
+to	PART
+get	VERB
+it	PRON
+chewed	VERB
+because	ADP
+of	ADP
+the	DET
+lack	NOUN
+of	ADP
+muscle	NOUN
+in	ADP
+his	PRON
+jaws	NOUN
+.	PUNCT
+
+So	ADV
+I	PRON
+might	AUX
+get	VERB
+the	DET
+horse	NOUN
+and	CCONJ
+see	VERB
+what	PRON
+I	PRON
+can	AUX
+do	VERB
+.	PUNCT
+
+I	PRON
+will	AUX
+be	AUX
+getting	VERB
+with	ADP
+my	PRON
+vet	NOUN
+first	ADV
+and	CCONJ
+if	SCONJ
+I	PRON
+do	AUX
+get	VERB
+him	PRON
+,	PUNCT
+have	VERB
+the	DET
+spinal	ADJ
+fluid	NOUN
+test	NOUN
+done	VERB
+for	ADP
+EPM	NOUN
+and	CCONJ
+a	DET
+titer	NOUN
+test	NOUN
+.	PUNCT
+
+Will	AUX
+be	AUX
+getting	VERB
+a	DET
+copy	NOUN
+of	ADP
+the	DET
+blood	NOUN
+results	NOUN
+the	DET
+owner	NOUN
+has	AUX
+already	ADV
+ran	VERB
+as	ADV
+well	ADV
+.	PUNCT
+
+My	PRON
+other	ADJ
+theory	NOUN
+would	AUX
+be	AUX
+wobblers	NOUN
+.	PUNCT
+
+I	PRON
+'ll	AUX
+be	AUX
+having	VERB
+my	PRON
+equine	ADJ
+chiro	NOUN
+/	PUNCT
+acupuncturist	NOUN
+out	ADV
+to	PART
+do	VERB
+some	DET
+work	NOUN
+as	ADV
+well	ADV
+if	SCONJ
+I	PRON
+do	AUX
+get	VERB
+him	PRON
+....	PUNCT
+
+So	ADV
+any	DET
+ideas	NOUN
+?	PUNCT
+
+Think	VERB
+I	PRON
+should	AUX
+do	VERB
+it	PRON
+?	PUNCT
+
+Arby	PROPN
+,	PUNCT
+
+Horse	NOUN
+is	AUX
+out	ADP
+of	ADP
+state	NOUN
+and	CCONJ
+not	PART
+local	ADJ
+.	PUNCT
+
+Owner	NOUN
+is	AUX
+willing	ADJ
+to	PART
+meet	VERB
+me	PRON
+half	X
+way	ADV
+with	ADP
+him	PRON
+.	PUNCT
+
+I	PRON
+will	AUX
+be	AUX
+calling	VERB
+my	PRON
+vet	NOUN
+and	CCONJ
+chiro	NOUN
+about	ADP
+him	PRON
+.	PUNCT
+
+Worse	ADJ
+comes	VERB
+to	ADP
+worse	ADJ
+,	PUNCT
+I	PRON
+'m	AUX
+out	ADP
+of	ADP
+the	DET
+$	SYM
+$	SYM
+and	CCONJ
+have	VERB
+to	PART
+put	VERB
+him	PRON
+down	ADP
+anyway	ADV
+or	CCONJ
+have	VERB
+a	DET
+pretty	ADJ
+pasture	NOUN
+ornament	NOUN
+.	PUNCT
+
+He	PRON
+'s	AUX
+still	ADV
+rideable	ADJ
+currently	ADV
+and	CCONJ
+not	PART
+having	VERB
+many	ADJ
+issues	NOUN
+under	ADP
+saddle	NOUN
+.	PUNCT
+
+This	PRON
+is	AUX
+a	DET
+horse	NOUN
+that	PRON
+I	PRON
+otherwise	ADV
+would	AUX
+n't	PART
+be	AUX
+able	ADJ
+to	PART
+afford	VERB
+and	CCONJ
+even	ADV
+if	SCONJ
+I	PRON
+spend	VERB
+2	NUM
+K	NUM
+and	ADP
+treatment	NOUN
+I	PRON
+come	VERB
+out	ADV
+ahead	ADP
+of	ADP
+his	PRON
+purchase	NOUN
+price	NOUN
+.	PUNCT
+
+I	PRON
+posted	VERB
+what	PRON
+the	DET
+owner	NOUN
+as	AUX
+said	VERB
+in	ADP
+paragraph	NOUN
+2	NUM
+&	CCONJ
+3	NUM
+,	PUNCT
+that	PRON
+is	AUX
+not	PART
+me	PRON
+to	PART
+clarify	VERB
+.	PUNCT
+
+She	PRON
+is	AUX
+the	DET
+one	NOUN
+that	PRON
+ca	AUX
+n't	PART
+afford	VERB
+to	PART
+do	VERB
+anything	PRON
+else	ADJ
+for	ADP
+him	PRON
+in	SCONJ
+case	NOUN
+he	PRON
+does	AUX
+n't	PART
+recover	VERB
+fully	ADV
+.	PUNCT
+
+He	PRON
+can	AUX
+eat	VERB
+grain	NOUN
+and	CCONJ
+I	PRON
+already	ADV
+have	VERB
+a	DET
+feed	NOUN
+regimen	NOUN
+in	ADP
+my	PRON
+head	NOUN
+for	ADP
+the	DET
+guy	NOUN
+since	SCONJ
+he	PRON
+ca	AUX
+n't	PART
+eat	VERB
+regular	ADJ
+hay	NOUN
+.	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+think	VERB
+it	PRON
+will	AUX
+be	AUX
+hard	ADJ
+to	PART
+keep	VERB
+his	PRON
+weight	NOUN
+up	ADV
+so	ADV
+long	ADV
+as	SCONJ
+he	PRON
+can	AUX
+eat	VERB
+the	DET
+grain	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+not	PART
+going	VERB
+to	PART
+go	VERB
+pick	VERB
+up	ADP
+a	DET
+horse	NOUN
+I	PRON
+ca	AUX
+n't	PART
+afford	VERB
+.	PUNCT
+
+I	PRON
+am	AUX
+willing	ADJ
+to	PART
+pull	VERB
+the	DET
+EPM	NOUN
+test	NOUN
+and	CCONJ
+treat	VERB
+.	PUNCT
+
+The	DET
+owner	NOUN
+is	AUX
+the	DET
+one	NOUN
+who	PRON
+is	AUX
+unable	ADJ
+.	PUNCT
+
+I	PRON
+will	AUX
+also	ADV
+be	AUX
+having	VERB
+my	PRON
+other	ADJ
+vet	NOUN
+up	ADV
+who	PRON
+'s	AUX
+a	DET
+chiro	NOUN
+&	CCONJ
+acupuncturist	NOUN
+to	PART
+evaluate	VERB
+him	PRON
+for	ADP
+wobblers	NOUN
+.	PUNCT
+
+July	PROPN
+is	AUX
+when	ADV
+he	PRON
+started	VERB
+to	PART
+exhibit	VERB
+slight	ADJ
+symptoms	NOUN
+and	CCONJ
+the	DET
+owner	NOUN
+and	CCONJ
+vet	NOUN
+originally	ADV
+thought	VERB
+it	PRON
+was	AUX
+just	ADV
+some	DET
+nerve	NOUN
+damage	NOUN
+from	ADP
+something	PRON
+in	ADP
+the	DET
+pasture	NOUN
+with	ADP
+no	DET
+visible	ADJ
+injury	NOUN
+.	PUNCT
+
+He	PRON
+'s	AUX
+only	ADV
+exhibited	VERB
+weight	NOUN
+loss	NOUN
+and	CCONJ
+some	DET
+muscle	NOUN
+atrophy	NOUN
+,	PUNCT
+with	ADP
+the	DET
+slight	ADJ
+toe	NOUN
+drag	NOUN
+and	CCONJ
+a	DET
+bit	NOUN
+of	ADP
+trouble	NOUN
+with	ADP
+the	DET
+right	ADJ
+lead	NOUN
+(	PUNCT
+which	PRON
+could	AUX
+or	CCONJ
+could	AUX
+n't	PART
+be	AUX
+related	VERB
+)	PUNCT
+.	PUNCT
+
+The	DET
+horse	NOUN
+is	AUX
+not	PART
+in	ADP
+pain	NOUN
+.	PUNCT
+
+He	PRON
+'s	AUX
+not	PART
+starving	VERB
+.	PUNCT
+
+He	PRON
+'s	AUX
+dropping	VERB
+we	NOUN
+
+The	DET
+horse	NOUN
+is	AUX
+not	PART
+in	ADP
+pain	NOUN
+.	PUNCT
+
+He	PRON
+'s	AUX
+not	PART
+starving	VERB
+.	PUNCT
+
+He	PRON
+'s	AUX
+dropping	VERB
+weight	NOUN
+,	PUNCT
+but	CCONJ
+most	ADV
+of	ADP
+that	PRON
+came	VERB
+from	SCONJ
+being	AUX
+at	ADP
+the	DET
+trainer	NOUN
+s	PART
+and	CCONJ
+being	AUX
+ridden	VERB
+hard	ADV
+for	ADP
+60	NUM
+days	NOUN
+.	PUNCT
+
+He	PRON
+'s	AUX
+not	PART
+putting	VERB
+it	PRON
+back	ADV
+on	ADV
+.	PUNCT
+
+I	PRON
+know	VERB
+that	SCONJ
+I	PRON
+have	VERB
+the	DET
+possibility	NOUN
+of	SCONJ
+treating	VERB
+him	PRON
+and	CCONJ
+still	ADV
+having	VERB
+to	PART
+put	VERB
+him	PRON
+down	ADP
+.	PUNCT
+
+At	ADP
+the	DET
+same	ADJ
+time	NOUN
+I	PRON
+do	AUX
+know	VERB
+people	NOUN
+who	PRON
+have	AUX
+had	VERB
+horses	NOUN
+come	VERB
+back	ADV
+successfully	ADV
+after	ADP
+EPM	NOUN
+.	PUNCT
+
+I	PRON
+know	VERB
+this	PRON
+is	AUX
+going	VERB
+to	PART
+be	AUX
+expensive	ADJ
+.	PUNCT
+
+I	PRON
+'m	AUX
+willing	ADJ
+to	PART
+give	VERB
+it	PRON
+a	DET
+shot	NOUN
+.	PUNCT
+
+Gallop	PROPN
+,	PUNCT
+I	PRON
+'ve	AUX
+already	ADV
+read	VERB
+that	DET
+whole	ADJ
+site	NOUN
+and	CCONJ
+been	AUX
+reading	VERB
+through	ADP
+research	NOUN
+articles	NOUN
+from	ADP
+the	DET
+research	NOUN
+colleges	NOUN
+as	ADV
+well	ADV
+.	PUNCT
+
+Looked	VERB
+at	ADP
+studies	NOUN
+,	PUNCT
+treatment	NOUN
+options	NOUN
+and	CCONJ
+such	ADJ
+.	PUNCT
+
+I	PRON
+will	AUX
+have	VERB
+the	DET
+EPM	NOUN
+test	NOUN
+done	VERB
+before	SCONJ
+treating	VERB
+.	PUNCT
+
+The	DET
+chiro	NOUN
+/	PUNCT
+acupuncturist	NOUN
+will	AUX
+be	AUX
+there	ADV
+to	PART
+evaluate	VERB
+the	DET
+horse	NOUN
+for	ADP
+wobblers	NOUN
+which	PRON
+is	AUX
+often	ADV
+caused	VERB
+by	ADP
+spinal	ADJ
+compression	NOUN
+and	CCONJ
+can	AUX
+be	AUX
+confused	VERB
+with	ADP
+EPM	NOUN
+.	PUNCT
+
+If	SCONJ
+that	PRON
+is	AUX
+the	DET
+case	NOUN
+then	ADV
+acupuncture	NOUN
+is	AUX
+n't	PART
+going	VERB
+to	PART
+hurt	VERB
+him	PRON
+.	PUNCT
+
+It	PRON
+'s	AUX
+actually	ADV
+one	NUM
+of	ADP
+the	DET
+alternative	ADJ
+therapies	NOUN
+for	ADP
+EPM	NOUN
+
+I	PRON
+think	VERB
+it	PRON
+is	AUX
+wonderfully	ADV
+responsible	ADJ
+that	SCONJ
+you	PRON
+are	AUX
+going	VERB
+into	ADP
+this	DET
+rescue	NOUN
+eyes	NOUN
+open	ADJ
+and	CCONJ
+are	AUX
+getting	VERB
+the	DET
+opinions	NOUN
+of	ADP
+qualified	ADJ
+professionals	NOUN
+(	PUNCT
+and	CCONJ
+a	DET
+bunch	NOUN
+of	ADP
+Yahoos	NOUN
+)	PUNCT
+before	SCONJ
+you	PRON
+decide	VERB
+to	PART
+take	VERB
+this	DET
+horse	NOUN
+on	ADP
+.	PUNCT
+
+I	PRON
+do	AUX
+think	VERB
+some	DET
+Y!A	PROPN
+users	NOUN
+need	VERB
+to	PART
+work	VERB
+on	ADP
+their	PRON
+reading	NOUN
+comprehension	NOUN
+as	SCONJ
+I	PRON
+ca	AUX
+n't	PART
+comprehend	VERB
+how	ADV
+taking	VERB
+a	DET
+horse	NOUN
+in	ADP
+as	ADP
+a	DET
+rescue	NOUN
+and	CCONJ
+getting	VERB
+it	PRON
+qualified	ADJ
+medical	ADJ
+treatment	NOUN
+is	AUX
+abuse	NOUN
+.	PUNCT
+
+Worst	ADJ
+case	NOUN
+scenario	NOUN
+you	PRON
+fall	VERB
+in	ADP
+love	NOUN
+and	CCONJ
+after	SCONJ
+spending	VERB
+thousands	NOUN
+of	ADP
+dollars	NOUN
+you	PRON
+have	VERB
+to	PART
+put	VERB
+the	DET
+horse	NOUN
+down	ADP
+.	PUNCT
+
+Is	AUX
+that	PRON
+something	PRON
+you	PRON
+are	AUX
+up	ADP
+for	ADP
+?	PUNCT
+
+If	SCONJ
+so	ADV
+go	VERB
+for	ADP
+it	PRON
+and	CCONJ
+I	PRON
+'ll	AUX
+give	VERB
+you	PRON
+all	DET
+the	DET
+moral	ADJ
+support	NOUN
+I	PRON
+can	AUX
+as	SCONJ
+you	PRON
+figure	VERB
+out	ADP
+what	PRON
+is	AUX
+up	ADV
+.	PUNCT
+
+It	PRON
+is	AUX
+heartbreaking	ADJ
+to	PART
+try	VERB
+to	PART
+bring	VERB
+a	DET
+horse	NOUN
+back	ADP
+and	CCONJ
+then	ADV
+have	VERB
+to	PART
+put	VERB
+it	PRON
+down	ADP
+,	PUNCT
+but	CCONJ
+some	DET
+horses	NOUN
+are	AUX
+worth	ADJ
+the	DET
+risk	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+feel	VERB
+this	DET
+guy	NOUN
+is	AUX
+worth	ADJ
+it	PRON
+then	ADV
+I	PRON
+hope	VERB
+your	PRON
+vet	NOUN
+can	AUX
+figure	VERB
+things	NOUN
+out	ADP
+.	PUNCT
+
+As	ADP
+to	ADP
+EPM	NOUN
+like	SCONJ
+Shee	PROPN
+said	VERB
+being	AUX
+in	ADP
+MI	PROPN
+we	PRON
+'ve	AUX
+had	VERB
+to	PART
+deal	VERB
+with	ADP
+it	PRON
+.	PUNCT
+
+Pretty	ADV
+much	ADV
+every	DET
+large	ADJ
+stable	NOUN
+has	AUX
+here	ADV
+.	PUNCT
+
+Our	PRON
+first	ADJ
+diagnosed	VERB
+EPM	NOUN
+horse	NOUN
+was	VERB
+back	ADV
+when	ADV
+there	PRON
+was	VERB
+no	DET
+treatment	NOUN
+in	ADP
+the	DET
+US	PROPN
+and	CCONJ
+only	ADV
+an	DET
+experimental	ADJ
+chicken	NOUN
+feed	NOUN
+additive	NOUN
+in	ADP
+Canada	PROPN
+.	PUNCT
+
+We	PRON
+hauled	VERB
+the	DET
+horse	NOUN
+to	ADP
+Windsor	PROPN
+and	CCONJ
+got	VERB
+him	PRON
+treated	VERB
+there	ADV
+.	PUNCT
+
+That	DET
+horse	NOUN
+returned	VERB
+to	ADP
+racing	NOUN
+and	CCONJ
+we	PRON
+did	AUX
+n't	PART
+notice	VERB
+much	ADJ
+difference	NOUN
+.	PUNCT
+
+We	PRON
+'ve	AUX
+had	VERB
+a	DET
+few	ADJ
+since	ADP
+then	ADV
+,	PUNCT
+but	CCONJ
+none	NOUN
+since	SCONJ
+our	PRON
+race	NOUN
+horses	NOUN
+began	VERB
+wintering	VERB
+in	ADP
+Florida	PROPN
+.	PUNCT
+
+I	PRON
+have	VERB
+no	DET
+idea	NOUN
+if	SCONJ
+that	PRON
+is	AUX
+related	ADJ
+or	CCONJ
+farmers	NOUN
+are	AUX
+doing	VERB
+a	DET
+better	ADJ
+job	NOUN
+of	SCONJ
+clearing	VERB
+out	ADP
+opossums	NOUN
+now	ADV
+because	SCONJ
+they	PRON
+know	VERB
+opossums	NOUN
+are	AUX
+carriers	NOUN
+,	PUNCT
+but	CCONJ
+we	PRON
+have	AUX
+n't	PART
+had	VERB
+an	DET
+EPM	NOUN
+horse	NOUN
+in	ADP
+at	ADV
+least	ADV
+10	NUM
+years	NOUN
+.	PUNCT
+
+I	PRON
+can	AUX
+say	VERB
+all	DET
+of	ADP
+our	PRON
+EPM	NOUN
+horses	NOUN
+were	AUX
+treated	VERB
+early	ADV
+when	ADV
+they	PRON
+were	AUX
+showing	VERB
+mild	ADJ
+signs	NOUN
+like	SCONJ
+Shee	PROPN
+gave	VERB
+and	CCONJ
+all	ADV
+returned	VERB
+to	ADP
+racing	NOUN
+.	PUNCT
+
+One	NUM
+horse	NOUN
+even	ADV
+got	VERB
+his	PRON
+lifetime	NOUN
+mark	NOUN
+after	SCONJ
+being	AUX
+treated	VERB
+for	ADP
+EPM	NOUN
+.	PUNCT
+
+We	PRON
+'ve	AUX
+always	ADV
+liked	VERB
+big	ADJ
+long	ADJ
+trotters	NOUN
+that	PRON
+do	VERB
+better	ADV
+on	ADP
+mile	NOUN
+tracks	NOUN
+then	ADP
+1	NUM
+/	PUNCT
+2	NUM
+mile	NOUN
+.	PUNCT
+
+The	DET
+only	ADJ
+difference	NOUN
+we	PRON
+noticed	VERB
+is	VERB
+that	SCONJ
+the	DET
+EPM	NOUN
+horses	NOUN
+seemed	VERB
+to	PART
+do	VERB
+worse	ADV
+on	ADP
+the	DET
+smaller	ADJ
+tracks	NOUN
+after	ADV
+.	PUNCT
+
+It	PRON
+might	AUX
+just	ADV
+be	AUX
+coincidence	NOUN
+or	CCONJ
+the	DET
+fact	NOUN
+those	DET
+great	ADJ
+big	ADJ
+trotters	NOUN
+with	ADP
+those	DET
+extremely	ADV
+long	ADJ
+backs	NOUN
+lost	VERB
+a	DET
+bit	NOUN
+of	ADP
+fine	ADJ
+coordination	NOUN
+to	PART
+get	VERB
+those	DET
+gangly	ADJ
+bodies	NOUN
+around	ADP
+those	DET
+tighter	ADJ
+turns	NOUN
+.	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+know	VERB
+.	PUNCT
+
+MSU	PROPN
+does	VERB
+a	DET
+lot	NOUN
+of	ADP
+EPM	NOUN
+studies	NOUN
+because	ADP
+of	SCONJ
+how	ADV
+common	ADJ
+it	PRON
+is	AUX
+here	ADV
+.	PUNCT
+
+You	PRON
+may	AUX
+want	VERB
+to	PART
+see	VERB
+if	SCONJ
+you	PRON
+can	AUX
+get	VERB
+in	ADP
+touch	NOUN
+with	ADP
+their	PRON
+EPM	NOUN
+group	NOUN
+and	CCONJ
+get	VERB
+this	DET
+guy	NOUN
+in	ADP
+a	DET
+study	NOUN
+.	PUNCT
+
+I	PRON
+know	VERB
+they	PRON
+did	VERB
+lab	ADJ
+work	NOUN
+showing	VERB
+that	SCONJ
+Strongid	PROPN
+C	PROPN
+used	VERB
+daily	ADV
+could	AUX
+help	VERB
+prevent	VERB
+EPM	NOUN
+.	PUNCT
+
+I	PRON
+believe	VERB
+they	PRON
+have	VERB
+a	DET
+real	ADJ
+study	NOUN
+testing	VERB
+the	DET
+lab	ADJ
+work	NOUN
+in	ADP
+real	ADJ
+world	NOUN
+situations	NOUN
+now	ADV
+,	PUNCT
+but	CCONJ
+it	PRON
+may	AUX
+be	AUX
+some	DET
+time	NOUN
+before	SCONJ
+those	DET
+results	NOUN
+are	AUX
+released	VERB
+.	PUNCT
+
+Another	DET
+thought	NOUN
+with	SCONJ
+this	PRON
+being	AUX
+a	DET
+mosquito	NOUN
+season	NOUN
+from	ADP
+hell	NOUN
+could	AUX
+it	PRON
+be	AUX
+West	PROPN
+Nile	PROPN
+?	PUNCT
+
+West	PROPN
+Nile	PROPN
+can	AUX
+cause	VERB
+EPM	NOUN
+like	ADJ
+symptoms	NOUN
+and	CCONJ
+does	AUX
+n't	PART
+always	ADV
+include	VERB
+a	DET
+fever	NOUN
+.	PUNCT
+
+Let	VERB
+us	PRON
+know	VERB
+what	PRON
+you	PRON
+decide	VERB
+to	PART
+do	VERB
+.	PUNCT
+
+You	PRON
+hate	VERB
+to	PART
+see	VERB
+talent	ADJ
+get	AUX
+wasted	VERB
+,	PUNCT
+but	CCONJ
+honestly	ADV
+I	PRON
+do	AUX
+n't	PART
+think	VERB
+I	PRON
+could	AUX
+take	VERB
+in	ADP
+a	DET
+horse	NOUN
+right	ADV
+now	ADV
+these	DET
+issues	NOUN
+.	PUNCT
+
+Personally	ADV
+I	PRON
+think	VERB
+you	PRON
+should	AUX
+just	ADV
+keep	VERB
+on	SCONJ
+walking	VERB
+by	ADV
+.	PUNCT
+
+You	PRON
+should	AUX
+have	VERB
+you	PRON
+chiro	NOUN
+out	ADV
+before	SCONJ
+you	PRON
+decide	VERB
+if	SCONJ
+you	PRON
+want	VERB
+this	DET
+horse	NOUN
+or	CCONJ
+not	PART
+.	PUNCT
+
+If	SCONJ
+you	PRON
+have	VERB
+a	DET
+good	ADJ
+repoire	NOUN
+(	PUNCT
+which	PRON
+I	PRON
+'m	AUX
+sure	ADJ
+you	PRON
+do	VERB
+)	PUNCT
+with	ADP
+them	PRON
+,	PUNCT
+they	PRON
+should	AUX
+be	AUX
+honest	ADJ
+on	SCONJ
+if	SCONJ
+this	DET
+horse	NOUN
+is	AUX
+fixable	ADJ
+to	ADP
+any	DET
+degree	NOUN
+...	PUNCT
+not	PART
+really	ADV
+sure	ADJ
+what	PRON
+you	PRON
+want	VERB
+to	PART
+do	VERB
+with	ADP
+him	PRON
+...	PUNCT
+
+Even	ADV
+if	SCONJ
+you	PRON
+can	AUX
+figure	VERB
+out	ADP
+what	PRON
+is	AUX
+wrong	ADJ
+with	ADP
+this	DET
+poor	ADJ
+poneh	NOUN
+,	PUNCT
+there	PRON
+is	VERB
+always	ADV
+the	DET
+chance	NOUN
+for	ADP
+remission	NOUN
+and	CCONJ
+then	ADV
+relapse	NOUN
+so	ADV
+you	PRON
+may	AUX
+have	VERB
+to	PART
+do	VERB
+deal	VERB
+with	ADV
+again	ADV
+in	ADP
+the	DET
+future	NOUN
+.	PUNCT
+
+So	ADV
+all	DET
+in	ADP
+all	DET
+,	PUNCT
+put	VERB
+the	DET
+money	NOUN
+up	ADP
+front	NOUN
+before	SCONJ
+taking	VERB
+on	ADP
+this	DET
+horse	NOUN
+.	PUNCT
+
+A	DET
+few	ADJ
+hundred	VERB
+out	ADP
+of	ADP
+pocket	NOUN
+now	ADV
+will	AUX
+possibly	ADV
+save	VERB
+you	PRON
+thousands	NOUN
+once	SCONJ
+the	DET
+horse	NOUN
+is	AUX
+in	ADP
+your	PRON
+name	NOUN
+.	PUNCT
+
+Could	AUX
+he	PRON
+have	AUX
+had	VERB
+a	DET
+blow	NOUN
+to	ADP
+the	DET
+head	NOUN
+causing	VERB
+this	DET
+atrophy	NOUN
+?	PUNCT
+
+Or	CCONJ
+a	DET
+difficult	ADJ
+birth	NOUN
+?	PUNCT
+
+Was	AUX
+it	PRON
+always	ADV
+like	ADP
+this	PRON
+?	PUNCT
+
+Or	CCONJ
+has	AUX
+it	PRON
+occurred	VERB
+since	ADP
+birth	NOUN
+.	PUNCT
+
+I	PRON
+also	ADV
+wonder	VERB
+if	SCONJ
+he	PRON
+might	AUX
+have	AUX
+had	VERB
+a	DET
+slight	ADJ
+stroke	NOUN
+?	PUNCT
+
+I	PRON
+think	VERB
+if	SCONJ
+you	PRON
+can	AUX
+not	PART
+afford	VERB
+to	PART
+get	VERB
+him	PRON
+treated	VERB
+that	SCONJ
+you	PRON
+should	AUX
+not	PART
+consider	VERB
+him	PRON
+as	ADP
+a	DET
+prospect	NOUN
+.	PUNCT
+
+Who	PRON
+knows	VERB
+what	PRON
+the	DET
+future	NOUN
+might	AUX
+hold	VERB
+,	PUNCT
+and	CCONJ
+it	PRON
+might	AUX
+be	AUX
+expensive	ADJ
+?	PUNCT
+
+Extremely	ADV
+bad	ADJ
+customer	NOUN
+service	NOUN
+
+Do	AUX
+not	PART
+go	VERB
+to	ADP
+this	DET
+salon	NOUN
+,	PUNCT
+especially	ADV
+if	SCONJ
+you	PRON
+have	VERB
+to	PART
+get	VERB
+your	PRON
+hair	NOUN
+straightened	VERB
+.	PUNCT
+
+They	PRON
+did	VERB
+a	DET
+very	ADV
+bad	ADJ
+job	NOUN
+with	ADP
+my	PRON
+hair	NOUN
+and	CCONJ
+were	AUX
+extremely	ADV
+rude	ADJ
+when	ADV
+I	PRON
+went	VERB
+back	ADV
+to	PART
+ask	VERB
+them	PRON
+why	ADV
+it	PRON
+did	AUX
+n't	PART
+work	VERB
+for	ADP
+my	PRON
+hair	NOUN
+.	PUNCT
+
+Rude	ADJ
+,	PUNCT
+insensitive	ADJ
+,	PUNCT
+discourteous	ADJ
+people	NOUN
+!!!!!	PUNCT
+
+Great	ADJ
+Doc	NOUN
+
+Dr	PROPN
+Greenwalt	PROPN
+fixed	VERB
+my	PRON
+neck	NOUN
+from	ADP
+a	DET
+snowboard	NOUN
+injury	NOUN
+and	CCONJ
+was	AUX
+way	ADV
+more	ADV
+effective	ADJ
+that	ADP
+a	DET
+regular	ADJ
+doctor	NOUN
+.	PUNCT
+
+He	PRON
+did	AUX
+nt	PART
+prescribe	VERB
+pain	NOUN
+meds	NOUN
+or	CCONJ
+other	ADJ
+drugs	NOUN
+,	PUNCT
+he	PRON
+used	VERB
+his	PRON
+bodytalk	NOUN
+method	NOUN
+which	PRON
+is	AUX
+unusual	ADJ
+but	CCONJ
+the	DET
+results	NOUN
+are	AUX
+undeniable	ADJ
+.	PUNCT
+
+My	PRON
+neck	NOUN
+is	AUX
+fixed	ADJ
+!.	PUNCT
+
+He	PRON
+knows	VERB
+what	PRON
+he	PRON
+s	AUX
+doing	VERB
+.	PUNCT
+
+Our	PRON
+Wedding	NOUN
+11/7/08	NUM
+
+We	PRON
+just	ADV
+had	VERB
+our	PRON
+wedding	NOUN
+on	ADP
+11/7/08	NUM
+and	CCONJ
+was	AUX
+very	ADV
+impressed	ADJ
+.	PUNCT
+
+Cj	PROPN
+and	CCONJ
+company	NOUN
+did	VERB
+all	DET
+that	PRON
+we	PRON
+ask	VERB
+and	CCONJ
+10	NUM
+times	NOUN
+more	ADJ
+.	PUNCT
+
+The	DET
+food	NOUN
+was	AUX
+out	X
+standing	ADJ
+.	PUNCT
+
+If	SCONJ
+you	PRON
+need	VERB
+a	DET
+cater	NOUN
+that	PRON
+is	AUX
+affordable	ADJ
+and	CCONJ
+easy	ADJ
+to	PART
+work	VERB
+with	ADP
+they	PRON
+are	AUX
+the	DET
+ones	NOUN
+.	PUNCT
+
+Thanks	NOUN
+again	ADV
+Saucey	PROPN
+'s	PART
+.	PUNCT
+
+Mark	PROPN
+
+Excellent	ADJ
+Tattoo	NOUN
+Shop	NOUN
+
+I	PRON
+recently	ADV
+got	VERB
+a	DET
+tattoo	NOUN
+done	VERB
+at	ADP
+Aztec	PROPN
+and	CCONJ
+I	PRON
+could	AUX
+not	PART
+be	AUX
+happier	ADJ
+.	PUNCT
+
+It	PRON
+came	VERB
+out	ADV
+better	ADJ
+than	SCONJ
+I	PRON
+even	ADV
+imagined	VERB
+.	PUNCT
+
+The	DET
+shop	NOUN
+was	AUX
+great	ADJ
+,	PUNCT
+the	DET
+service	NOUN
+was	AUX
+excellent	ADJ
+and	CCONJ
+the	DET
+employees	NOUN
+were	AUX
+fun	ADJ
+guys	NOUN
+.	PUNCT
+
+I	PRON
+would	AUX
+highly	ADV
+recommend	VERB
+this	DET
+shop	NOUN
+to	ADP
+anyone	PRON
+looking	VERB
+to	PART
+get	VERB
+a	DET
+quality	ADJ
+tattoo	NOUN
+done	VERB
+.	PUNCT
+
+Good	ADJ
+and	CCONJ
+Bad	ADJ
+
+I	PRON
+had	VERB
+to	PART
+take	VERB
+care	NOUN
+of	ADP
+the	DET
+ants	NOUN
+myself	PRON
+.	PUNCT
+
+But	CCONJ
+I	PRON
+found	VERB
+the	DET
+location	NOUN
+wonderful	ADJ
+and	CCONJ
+the	DET
+neighbors	NOUN
+very	ADV
+kind	ADJ
+.	PUNCT
+
+Never	ADV
+had	VERB
+a	DET
+problem	NOUN
+with	ADP
+the	DET
+staff	NOUN
+and	CCONJ
+found	VERB
+them	PRON
+very	ADV
+helpful	ADJ
+when	ADV
+something	PRON
+went	VERB
+wrong	ADJ
+.	PUNCT
+
+Loved	VERB
+the	DET
+pool	NOUN
+and	CCONJ
+BBQ	NOUN
+.	PUNCT
+
+Because	ADP
+of	ADP
+the	DET
+ants	NOUN
+I	PRON
+dropped	VERB
+them	PRON
+to	ADP
+a	DET
+3	NUM
+star	NOUN
+.	PUNCT
+
+Great	ADJ
+pet	NOUN
+care	NOUN
+
+I	PRON
+have	AUX
+used	VERB
+Just	PROPN
+Like	PROPN
+Family	PROPN
+several	ADJ
+times	NOUN
+now	ADV
+and	CCONJ
+they	PRON
+have	AUX
+provided	VERB
+great	ADJ
+care	NOUN
+for	ADP
+my	PRON
+two	NUM
+dogs	NOUN
+.	PUNCT
+
+Lynda	PROPN
+is	AUX
+professional	ADJ
+and	CCONJ
+has	VERB
+great	ADJ
+compassion	NOUN
+for	ADP
+animals	NOUN
+.	PUNCT
+
+The	DET
+real	ADJ
+testament	NOUN
+is	VERB
+not	PART
+in	ADP
+how	ADV
+much	ADV
+she	PRON
+likes	VERB
+your	PRON
+animals	NOUN
+but	CCONJ
+how	ADV
+much	ADV
+they	PRON
+like	VERB
+her	PRON
+.	PUNCT
+
+I	PRON
+highly	ADV
+recommend	VERB
+her	PRON
+.	PUNCT
+
+I	PRON
+found	VERB
+Bright	PROPN
+Star	PROPN
+Tours	PROPN
+and	CCONJ
+Travels	PROPN
+and	CCONJ
+Best	PROPN
+and	CCONJ
+Affordable	PROPN
+Tour	PROPN
+Operators	PROPN
+and	CCONJ
+Tours	PROPN
+Agents	PROPN
+in	ADP
+Chennai	PROPN
+,	PUNCT
+India	PROPN
+offered	VERB
+me	PRON
+Student	PROPN
+Tour	PROPN
+India	PROPN
+Package	PROPN
+for	ADP
+very	ADV
+less	ADJ
+price	NOUN
+.	PUNCT
+
+I	PRON
+enjoyed	VERB
+my	PRON
+tour	NOUN
+and	CCONJ
+i	PRON
+am	AUX
+looking	VERB
+for	ADP
+adventure	NOUN
+tour	NOUN
+and	CCONJ
+India	PROPN
+heritage	NOUN
+tours	NOUN
+for	ADP
+valuable	ADJ
+.	PUNCT
+
+Thanks	NOUN
+for	ADP
+Bright	PROPN
+Star	PROPN
+Tours	PROPN
+.	PUNCT
+
+these	DET
+guys	NOUN
+were	AUX
+fantastic	ADJ
+!	PUNCT
+
+they	PRON
+fixed	VERB
+my	PRON
+garage	NOUN
+doors	NOUN
+in	ADP
+literally	ADV
+less	ADJ
+than	ADP
+an	DET
+hour	NOUN
+.	PUNCT
+
+the	DET
+guy	NOUN
+came	VERB
+on	ADP
+time	NOUN
+and	CCONJ
+did	AUX
+n't	PART
+take	VERB
+any	DET
+breaks	NOUN
+,	PUNCT
+he	PRON
+went	VERB
+straight	ADV
+to	PART
+work	VERB
+and	CCONJ
+finished	VERB
+the	DET
+job	NOUN
+efficiently	ADV
+and	CCONJ
+promptly	ADV
+!	PUNCT
+
+i	PRON
+could	AUX
+n't	PART
+be	AUX
+more	ADV
+happier	ADJ
+with	ADP
+the	DET
+way	NOUN
+my	PRON
+garage	NOUN
+looks	VERB
+.	PUNCT
+
+GREAT	ADJ
+JOB	NOUN
+GUYS	NOUN
+!	PUNCT
+
+A	SYM
++	SYM
+
+I	PRON
+would	AUX
+rate	VERB
+Fran	PROPN
+pcs	PROPN
+an	DET
+A	SYM
++	SYM
+because	SCONJ
+the	DET
+price	NOUN
+was	AUX
+lower	ADJ
+than	ADP
+everyone	PRON
+else	ADJ
+,	PUNCT
+i	PRON
+got	VERB
+my	PRON
+computer	NOUN
+back	ADV
+the	DET
+next	ADJ
+day	NOUN
+,	PUNCT
+and	CCONJ
+the	DET
+professionalism	NOUN
+he	PRON
+showed	VERB
+was	AUX
+great	ADJ
+.	PUNCT
+
+He	PRON
+took	VERB
+the	DET
+time	NOUN
+to	PART
+explain	VERB
+things	NOUN
+to	ADP
+me	PRON
+about	ADP
+my	PRON
+computer	NOUN
+,	PUNCT
+i	PRON
+would	AUX
+recommend	VERB
+you	PRON
+go	VERB
+to	ADP
+him	PRON
+.	PUNCT
+
+David	PROPN
+
+This	DET
+office	NOUN
+is	AUX
+awesome	ADJ
+!	PUNCT
+
+everyone	PRON
+here	ADV
+is	AUX
+super	ADV
+friendly	ADJ
+and	CCONJ
+efficient	ADJ
+!	PUNCT
+
+it	PRON
+s	AUX
+great	ADJ
+to	PART
+know	VERB
+you	PRON
+can	AUX
+get	VERB
+great	ADJ
+service	NOUN
+,	PUNCT
+great	ADJ
+product	NOUN
+,	PUNCT
+and	CCONJ
+for	ADP
+the	DET
+best	ADJ
+price	NOUN
+all	DET
+in	ADP
+one	NUM
+!	PUNCT
+
+I	PRON
+'ve	AUX
+referred	VERB
+everyone	PRON
+i	PRON
+know	VERB
+here	ADV
+and	CCONJ
+they	PRON
+all	DET
+feel	VERB
+the	DET
+same	ADJ
+way	NOUN
+!!	PUNCT
+
+i	PRON
+'ll	AUX
+be	AUX
+coming	VERB
+back	ADV
+for	ADP
+years	NOUN
+to	PART
+come	VERB
+!	PUNCT
+
+Criminal	ADJ
+Attorney	NOUN
+Dallas	PROPN
+
+Dallas	PROPN
+Criminal	ADJ
+Attorney	NOUN
+Peter	PROPN
+Barrett	PROPN
+is	AUX
+absolutely	ADV
+committed	ADJ
+to	SCONJ
+vigorously	ADV
+supporting	VERB
+your	PRON
+rights	NOUN
+and	CCONJ
+achieving	VERB
+a	DET
+successful	ADJ
+outcome	NOUN
+.	PUNCT
+
+As	ADP
+a	DET
+qualified	ADJ
+criminal	ADJ
+defense	NOUN
+attorney	NOUN
+,	PUNCT
+he	PRON
+will	AUX
+work	VERB
+every	DET
+possible	ADJ
+legal	ADJ
+"	PUNCT
+angle	NOUN
+"	PUNCT
+(	PUNCT
+leaving	VERB
+no	DET
+stone	NOUN
+unturned	ADJ
+)	PUNCT
+of	ADP
+your	PRON
+case	NOUN
+to	PART
+achieve	VERB
+the	DET
+most	ADV
+favorable	ADJ
+result	NOUN
+possible	ADJ
+.	PUNCT
+
+Food	NOUN
+was	AUX
+cold	ADJ
+
+I	PRON
+have	AUX
+been	AUX
+here	ADV
+3	NUM
+to	ADP
+4	NUM
+times	NOUN
+and	CCONJ
+every	DET
+time	NOUN
+food	NOUN
+they	PRON
+served	VERB
+seems	VERB
+warmed	VERB
+up	ADP
+not	CCONJ
+cooked	VERB
+after	SCONJ
+you	PRON
+order	VERB
+it	PRON
+.	PUNCT
+
+I	PRON
+like	VERB
+my	PRON
+food	NOUN
+hot	ADJ
+both	DET
+ways	NOUN
+not	ADV
+warm	ADJ
+or	CCONJ
+cold	ADJ
+.	PUNCT
+
+Price	NOUN
+and	CCONJ
+taste	NOUN
+is	AUX
+good	ADJ
+.	PUNCT
+
+I	PRON
+will	AUX
+be	AUX
+happy	ADJ
+if	SCONJ
+they	PRON
+can	AUX
+serve	VERB
+when	ADV
+food	NOUN
+is	AUX
+piping	ADV
+hot	ADJ
+.	PUNCT
+
+KB	PROPN
+
+FAST	ADJ
+and	CCONJ
+reasonable	ADJ
+$	NOUN
+
+We	PRON
+went	VERB
+to	ADP
+Kobey	PROPN
+s	PART
+on	ADP
+Saturday	PROPN
+and	CCONJ
+had	VERB
+our	PRON
+whole	ADJ
+team	NOUN
+s	PART
+uniforms	NOUN
+done	VERB
+!	PUNCT
+
+He	PRON
+was	AUX
+less	ADJ
+than	ADP
+half	NOUN
+of	ADP
+the	DET
+price	NOUN
+of	ADP
+the	DET
+cheapest	ADJ
+quote	NOUN
+we	PRON
+got	VERB
+,	PUNCT
+and	CCONJ
+his	PRON
+work	NOUN
+was	AUX
+top	ADJ
+notch	NOUN
+.	PUNCT
+
+Down	ADV
+to	ADP
+earth	NOUN
+and	CCONJ
+fast	ADJ
+service	NOUN
+.	PUNCT
+
+Going	VERB
+back	ADV
+to	PART
+have	VERB
+some	DET
+lab	ADJ
+coats	NOUN
+done	VERB
+this	DET
+weekend	NOUN
+!	PUNCT
+
+We	PRON
+love	VERB
+Little	PROPN
+Farmer	PROPN
+
+We	PRON
+attend	VERB
+LFTD	PROPN
+and	CCONJ
+our	PRON
+children	NOUN
+LOVE	VERB
+it	PRON
+!!	PUNCT
+
+They	PRON
+even	ADV
+want	VERB
+to	PART
+go	VERB
+to	ADP
+school	NOUN
+on	ADP
+the	DET
+weekends	NOUN
+!!	PUNCT
+
+They	PRON
+are	AUX
+preparing	VERB
+my	PRON
+older	ADJ
+son	NOUN
+for	ADP
+kindergarten	NOUN
+and	CCONJ
+looks	VERB
+forward	ADV
+to	SCONJ
+seeing	VERB
+his	PRON
+teacher	NOUN
+and	CCONJ
+friends	NOUN
+every	DET
+day	NOUN
+.	PUNCT
+
+My	PRON
+infant	NOUN
+is	AUX
+content	ADJ
+every	DET
+day	NOUN
+when	ADV
+I	PRON
+drop	VERB
+off	ADP
+and	CCONJ
+pick	VERB
+up	ADP
+.	PUNCT
+
+PAT	PROPN
+testing	PROPN
+quick	ADJ
+&	CCONJ
+efficient	ADJ
+
+I	PRON
+rang	VERB
+SRD	PROPN
+PAT	PROPN
+testing	PROPN
+and	CCONJ
+within	ADP
+3	NUM
+hours	NOUN
+Scot	PROPN
+had	AUX
+come	VERB
+to	ADP
+my	PRON
+premises	NOUN
+and	CCONJ
+PAT	NOUN
+tested	VERB
+all	DET
+my	PRON
+our	PRON
+Spill	VERB
+The	DET
+Whisky	PROPN
+barn	NOUN
+dance	NOUN
+band	NOUN
+equipment	NOUN
+,	PUNCT
+and	CCONJ
+supplied	VERB
+a	DET
+certificate	NOUN
+for	ADP
+only	ADV
+70	NUM
+p	NOUN
+per	ADP
+unit	NOUN
+.	PUNCT
+
+Fantastic	ADJ
+,	PUNCT
+quick	ADJ
+and	CCONJ
+efficient	ADJ
+service	NOUN
+.	PUNCT
+
+How	ADV
+rare	ADJ
+!	PUNCT
+
+Well	ADV
+done	VERB
+.	PUNCT
+
+My	PRON
+favorite	ADJ
+florist	NOUN
+!	PUNCT
+
+I	PRON
+came	VERB
+to	ADP
+La	PROPN
+Crosse	PROPN
+to	PART
+go	VERB
+to	ADP
+college	NOUN
+,	PUNCT
+and	CCONJ
+my	PRON
+mom	NOUN
+would	AUX
+send	VERB
+me	PRON
+birthday	NOUN
+flowers	NOUN
+though	ADP
+here	ADV
+.	PUNCT
+
+They	PRON
+were	AUX
+beautiful	ADJ
+and	CCONJ
+lasted	VERB
+forever	ADV
+!	PUNCT
+
+Now	ADV
+that	SCONJ
+I	PRON
+live	VERB
+here	ADV
+,	PUNCT
+this	PRON
+is	AUX
+my	PRON
+favorite	ADJ
+place	NOUN
+to	PART
+grab	VERB
+flowers	NOUN
+for	ADP
+friends	NOUN
+and	CCONJ
+coworkers	NOUN
+!	PUNCT
+
+Hands	NOUN
+down	ADV
+,	PUNCT
+best	ADJ
+place	NOUN
+in	ADP
+the	DET
+area	NOUN
+!	PUNCT
+
+I	PRON
+<3	VERB
+Max	PROPN
+'s	PART
+
+Excellent	ADJ
+bagels	NOUN
+and	CCONJ
+excellent	ADJ
+service	NOUN
+!	PUNCT
+
+I	PRON
+go	VERB
+in	ADV
+about	ADV
+every	DET
+morning	NOUN
+to	PART
+get	VERB
+bagels	NOUN
+for	ADP
+myself	PRON
+or	CCONJ
+my	PRON
+co-workers	NOUN
+and	CCONJ
+the	DET
+employees	NOUN
+at	ADP
+Max	PROPN
+'s	PART
+are	AUX
+great	ADJ
+!!	PUNCT
+
+They	PRON
+are	AUX
+friendly	ADJ
+and	CCONJ
+fast	ADJ
+.	PUNCT
+
+I	PRON
+have	AUX
+never	ADV
+had	VERB
+a	DET
+problem	NOUN
+with	ADP
+their	PRON
+hours	NOUN
+because	SCONJ
+I	PRON
+always	ADV
+go	VERB
+during	ADP
+the	DET
+mornings	NOUN
+.	PUNCT
+
+They	PRON
+are	AUX
+great	ADJ
+!	PUNCT
+
+prepared	VERB
+the	DET
+road	NOUN
+test	NOUN
+with	ADP
+a	DET
+driving	NOUN
+...	PUNCT
+prepared	VERB
+the	DET
+road	NOUN
+test	NOUN
+with	ADP
+a	DET
+driving	NOUN
+school	NOUN
+in	ADP
+edmonton	PROPN
+,	PUNCT
+but	CCONJ
+my	PRON
+instructor	NOUN
+only	ADV
+trained	VERB
+me	PRON
+in	ADP
+a	DET
+narrow	ADJ
+street	NOUN
+,	PUNCT
+hence	ADV
+I	PRON
+took	VERB
+one	NUM
+90	NUM
+minute	NOUN
+lesson	NOUN
+from	ADP
+the	DET
+Noble	PROPN
+driving	PROPN
+school	PROPN
+to	PART
+learn	VERB
+the	DET
+skill	NOUN
+of	SCONJ
+changing	VERB
+lane	NOUN
+,	PUNCT
+and	CCONJ
+found	VERB
+them	PRON
+very	ADV
+friendly	ADJ
+and	CCONJ
+professional	ADJ
+.	PUNCT
+
+Great	ADJ
+Doctor	NOUN
+!	PUNCT
+
+Dr.	PROPN
+Faris	PROPN
+is	AUX
+a	DET
+great	ADJ
+doctor	NOUN
+!	PUNCT
+
+I	PRON
+would	AUX
+recommend	VERB
+him	PRON
+to	ADP
+anyone	PRON
+.	PUNCT
+
+I	PRON
+was	AUX
+experiencing	VERB
+severe	ADJ
+back	NOUN
+pain	NOUN
+to	ADP
+the	DET
+point	NOUN
+I	PRON
+could	AUX
+barely	ADV
+walk	VERB
+or	CCONJ
+even	ADV
+bare	VERB
+to	PART
+sit	VERB
+.	PUNCT
+
+I	PRON
+went	VERB
+from	ADP
+a	DET
+pain	NOUN
+scale	NOUN
+of	ADP
+8	NUM
+-	SYM
+9	NUM
+to	ADP
+0	NUM
+and	CCONJ
+I	PRON
+was	AUX
+able	ADJ
+to	PART
+run	VERB
+in	ADP
+the	DET
+Crim	PROPN
+just	ADV
+a	DET
+week	NOUN
+later	ADV
+!!	PUNCT
+
+happy	ADJ
+customer	NOUN
+
+Mr.	PROPN
+Squeege	PROPN
+is	AUX
+THE	DET
+BEST	ADJ
+.	PUNCT
+
+Prompt	ADJ
+,	PUNCT
+Clean	ADJ
+Windows	NOUN
+.	PUNCT
+
+Affordable	ADJ
+pricing	NOUN
+.	PUNCT
+
+Friendly	ADJ
+responses	NOUN
+.	PUNCT
+
+How	ADV
+else	ADV
+can	AUX
+excellent	ADJ
+be	AUX
+described	VERB
+for	ADP
+a	DET
+business	NOUN
+of	ADP
+this	DET
+sort	NOUN
+?	PUNCT
+
+They	PRON
+have	AUX
+been	AUX
+my	PRON
+only	ADV
+"	PUNCT
+go	VERB
+-	PUNCT
+to	ADP
+"	PUNCT
+resource	VERB
+since	SCONJ
+we	PRON
+first	ADV
+did	VERB
+business	NOUN
+together	ADV
+.	PUNCT
+
+You	PRON
+will	AUX
+find	VERB
+the	DET
+same	ADJ
+to	PART
+be	AUX
+true	ADJ
+for	ADP
+you	PRON
+.	PUNCT
+
+Fantastic	ADJ
+Place	NOUN
+to	PART
+buy	VERB
+your	PRON
+next	ADJ
+vehicle	NOUN
+
+We	PRON
+have	AUX
+never	ADV
+had	VERB
+a	DET
+bad	ADJ
+experience	NOUN
+buying	VERB
+from	ADP
+Edmark	PROPN
+.	PUNCT
+
+This	PRON
+is	AUX
+car	NOUN
+number	NOUN
+3	NUM
+we	PRON
+'ve	AUX
+purchased	VERB
+through	ADP
+them	PRON
+.	PUNCT
+
+We	PRON
+trust	VERB
+and	CCONJ
+appreciate	VERB
+Scott	PROPN
+Larson	PROPN
+and	CCONJ
+know	VERB
+that	SCONJ
+he	PRON
+will	AUX
+always	ADV
+take	VERB
+good	ADJ
+care	NOUN
+of	ADP
+us	PRON
+and	CCONJ
+listen	VERB
+to	ADP
+our	PRON
+needs	NOUN
+!	PUNCT
+
+Thank	VERB
+you	PRON
+again	ADV
+for	ADP
+great	ADJ
+customer	NOUN
+service	NOUN
+!	PUNCT
+
+Range	PROPN
+Rover	PROPN
+Sport	PROPN
+Window	NOUN
+Tints	NOUN
+
+Mark	PROPN
+at	ADP
+Tintman	PROPN
+Nationwide	PROPN
+tints	PROPN
+Ltd	PROPN
+,	PUNCT
+did	VERB
+a	DET
+very	ADV
+Professional	ADJ
+job	NOUN
+very	ADV
+quick	ADV
+,	PUNCT
+no	DET
+fuss	NOUN
+,	PUNCT
+deliverd	VERB
+the	DET
+car	NOUN
+to	ADP
+me	PRON
+and	CCONJ
+I	PRON
+drove	VERB
+him	PRON
+back	ADV
+home	ADV
+,	PUNCT
+Great	ADJ
+arrangement	NOUN
+Great	ADJ
+price	NOUN
+!!	PUNCT
+
+Highly	ADV
+recommended	VERB
+!!	PUNCT
+
+Thanks	NOUN
+Mark	PROPN
+.	PUNCT
+
+Steve	PROPN
+....	PUNCT
+proud	ADJ
+Range	PROPN
+Rover	PROPN
+Sport	PROPN
+owner	NOUN
+(	PUNCT
+with	ADP
+rear	ADJ
+tints	NOUN
+)	PUNCT
+
+In	ADP
+this	DET
+hard	ADJ
+economic	ADJ
+times	NOUN
+is	AUX
+very	ADV
+important	ADJ
+to	PART
+save	VERB
+money	NOUN
+Very	ADV
+reasonable	ADJ
+prices	NOUN
+top	ADJ
+quality	NOUN
+work	NOUN
+The	DET
+owner	NOUN
+operator	NOUN
+he	PRON
+does	VERB
+all	DET
+the	DET
+the	DET
+work	NOUN
+with	ADP
+Helpers	NOUN
+very	ADV
+friendly	ADJ
+I	PRON
+definitely	ADV
+recommend	VERB
+this	DET
+this	PRON
+guys	NOUN
+Do	AUX
+n't	PART
+get	AUX
+jack	VERB
+by	ADP
+big	ADJ
+companies	NOUN
+that	PRON
+they	PRON
+pay	VERB
+a	DET
+lot	NOUN
+of	ADP
+money	NOUN
+to	PART
+be	AUX
+on	ADP
+top	NOUN
+of	ADP
+the	DET
+list	NOUN
+Thanks	NOUN
+
+Great	ADJ
+pub	NOUN
+
+Had	VERB
+a	DET
+meal	NOUN
+in	ADP
+this	DET
+pub	NOUN
+and	CCONJ
+i	PRON
+have	VERB
+to	PART
+say	VERB
+it	PRON
+was	AUX
+excellant	ADJ
+.	PUNCT
+
+It	PRON
+has	VERB
+to	PART
+be	AUX
+one	NUM
+of	ADP
+the	DET
+nicest	ADJ
+pubs	NOUN
+that	PRON
+i	PRON
+have	AUX
+been	AUX
+into	ADP
+in	ADP
+a	DET
+long	ADJ
+time	NOUN
+,	PUNCT
+the	DET
+decor	NOUN
+is	AUX
+nice	ADJ
+and	CCONJ
+it	PRON
+has	VERB
+a	DET
+really	ADV
+nice	ADJ
+garden	NOUN
+and	CCONJ
+a	DET
+lovely	ADJ
+decking	NOUN
+area	NOUN
+.	PUNCT
+
+Good	ADJ
+beer	NOUN
+good	ADJ
+service	NOUN
+and	CCONJ
+what	PRON
+more	ADJ
+could	AUX
+you	PRON
+want	VERB
+.	PUNCT
+
+awful	ADJ
+awful	ADJ
+awful	ADJ
+
+This	DET
+store	NOUN
+is	AUX
+by	ADP
+far	ADV
+the	DET
+worst	ADJ
+Verizon	PROPN
+store	NOUN
+I	PRON
+'ve	AUX
+been	AUX
+in	ADP
+.	PUNCT
+
+The	DET
+salespeople	NOUN
+are	AUX
+never	ADV
+available	ADJ
+,	PUNCT
+the	DET
+lines	NOUN
+are	AUX
+always	ADV
+too	ADV
+long	ADJ
+,	PUNCT
+and	CCONJ
+all	DET
+the	DET
+people	NOUN
+want	VERB
+is	AUX
+a	DET
+sale	NOUN
+.	PUNCT
+
+Incredibly	ADV
+rude	ADJ
+and	CCONJ
+I	PRON
+will	AUX
+not	PART
+return	VERB
+to	ADP
+it	PRON
+.	PUNCT
+
+Is	VERB
+there	PRON
+no	DET
+other	ADJ
+Verizon	PROPN
+to	PART
+go	VERB
+to	ADP
+around	ADP
+Downtown	PROPN
+/	PUNCT
+Dupont	PROPN
+Circle	PROPN
+1?!?!?	PUNCT
+
+Great	ADJ
+graphic	ADJ
+design	NOUN
+work	NOUN
+!	PUNCT
+
+Fresh	PROPN
+Design	PROPN
+Studio	PROPN
+helped	VERB
+jump	NOUN
+-	PUNCT
+start	VERB
+my	PRON
+own	ADJ
+business	NOUN
+by	SCONJ
+providing	VERB
+affordable	ADJ
+and	CCONJ
+effective	ADJ
+marketing	NOUN
+materials	NOUN
+:	PUNCT
+logo	NOUN
+,	PUNCT
+flyers	NOUN
+,	PUNCT
+posters	NOUN
+ad	NOUN
+design	NOUN
+,	PUNCT
+and	CCONJ
+more	ADJ
+.	PUNCT
+
+They	PRON
+have	VERB
+unbeatable	ADJ
+price	NOUN
+in	ADP
+town	NOUN
+and	CCONJ
+deliver	VERB
+on	ADP
+time	NOUN
+.	PUNCT
+
+I	PRON
+enjoy	VERB
+working	VERB
+with	ADP
+this	DET
+architectural	ADJ
+and	CCONJ
+graphic	ADJ
+design	NOUN
+firm	NOUN
+and	CCONJ
+will	AUX
+recommend	VERB
+to	ADP
+anyone	PRON
+.	PUNCT
+
+Great	ADJ
+Surgeon	NOUN
+
+I	PRON
+needed	VERB
+wisdom	NOUN
+teeth	NOUN
+taken	VERB
+out	ADV
+.	PUNCT
+
+Dr.	PROPN
+Wallen	PROPN
+and	CCONJ
+staff	NOUN
+was	AUX
+excellent	ADJ
+.	PUNCT
+
+They	PRON
+were	AUX
+accomdating	ADJ
+with	ADP
+my	PRON
+scheduled	NOUN
+and	CCONJ
+work	VERB
+with	ADP
+my	PRON
+insurance	NOUN
+to	PART
+get	VERB
+payment	NOUN
+for	ADP
+the	DET
+surgery	NOUN
+.	PUNCT
+
+Dr.	PROPN
+Wallen	PROPN
+explained	VERB
+the	DET
+procedure	NOUN
+in	ADP
+detail	NOUN
+and	CCONJ
+took	VERB
+his	PRON
+time	NOUN
+with	ADP
+me	PRON
+.	PUNCT
+
+Staff	NOUN
+explained	VERB
+insurance	NOUN
+procedures	NOUN
+and	CCONJ
+was	AUX
+very	ADV
+helpful	ADJ
+.	PUNCT
+
+Everyone	PRON
+was	AUX
+very	ADV
+nice	ADJ
+.	PUNCT
+
+The	DET
+best	ADJ
+in	ADP
+the	DET
+area	NOUN
+!	PUNCT
+
+I	PRON
+'ve	AUX
+been	AUX
+to	ADP
+quite	DET
+a	DET
+few	ADJ
+tattoo	NOUN
+shops	NOUN
+around	ADP
+this	DET
+area	NOUN
+and	CCONJ
+Stainless	PROPN
+Steel	PROPN
+is	AUX
+by	ADP
+far	ADV
+the	DET
+best	ADJ
+.	PUNCT
+
+I	PRON
+am	AUX
+very	ADV
+pleased	ADJ
+with	ADP
+the	DET
+tattoos	NOUN
+that	PRON
+I	PRON
+revived	VERB
+from	ADP
+them	PRON
+.	PUNCT
+
+The	DET
+artwork	NOUN
+is	AUX
+excellent	ADJ
+and	CCONJ
+the	DET
+prices	NOUN
+are	AUX
+very	ADV
+reasonable	ADJ
+.	PUNCT
+
+I	PRON
+would	AUX
+recommend	VERB
+this	DET
+shop	NOUN
+to	ADP
+anyone	PRON
+looking	VERB
+to	PART
+get	VERB
+a	DET
+tattoo	NOUN
+.	PUNCT
+
+Cathy	PROPN
+******	PUNCT
+Five	NUM
+Stars	NOUN
+for	ADP
+Lake	PROPN
+Forest	PROPN
+Tots	PROPN
+.	PUNCT
+
+The	DET
+program	NOUN
+has	AUX
+been	AUX
+a	DET
+postive	ADJ
+experience	NOUN
+for	ADP
+my	PRON
+children	NOUN
+.	PUNCT
+
+I	PRON
+have	AUX
+had	VERB
+all	DET
+three	NUM
+of	ADP
+my	PRON
+children	NOUN
+attend	VERB
+Lake	PROPN
+Forest	PROPN
+Tots	PROPN
+.	PUNCT
+
+The	DET
+program	NOUN
+is	AUX
+well	ADV
+established	VERB
+and	CCONJ
+we	PRON
+have	AUX
+been	AUX
+extremely	ADV
+satisfied	ADJ
+with	ADP
+the	DET
+teachers	NOUN
+,	PUNCT
+the	DET
+programs	NOUN
+and	CCONJ
+the	DET
+director	NOUN
+.	PUNCT
+
+Good	ADJ
+job	NOUN
+,	PUNCT
+Lake	PROPN
+Forest	PROPN
+Tots	PROPN
+!	PUNCT
+
+Great	ADJ
+Wine	NOUN
+&	CCONJ
+Service	NOUN
+
+This	DET
+place	NOUN
+is	AUX
+so	ADV
+great	ADJ
+!	PUNCT
+
+They	PRON
+have	VERB
+a	DET
+great	ADJ
+selection	NOUN
+of	ADP
+wine	NOUN
+from	ADP
+all	ADV
+over	ADP
+the	DET
+world	NOUN
+with	ADP
+all	DET
+different	ADJ
+prices	NOUN
+.	PUNCT
+
+The	DET
+employees	NOUN
+make	VERB
+you	PRON
+feel	VERB
+very	ADV
+comfortable	ADJ
+and	CCONJ
+are	AUX
+very	ADV
+helpful	ADJ
+,	PUNCT
+whether	SCONJ
+you	PRON
+are	AUX
+very	ADV
+knowledgeable	ADJ
+or	CCONJ
+do	AUX
+n't	PART
+know	VERB
+anything	PRON
+at	ADV
+all	ADV
+about	ADP
+wine	NOUN
+.	PUNCT
+
+Check	VERB
+out	ADP
+their	PRON
+wine	NOUN
+tastings	NOUN
+every	DET
+Friday	PROPN
+night	NOUN
+!	PUNCT
+
+A	SYM
++	SYM
+
+Excellent	ADJ
+customer	NOUN
+service	NOUN
+and	CCONJ
+honest	ADJ
+feedback	NOUN
+.	PUNCT
+
+The	DET
+team	NOUN
+at	ADP
+Bradley	PROPN
+Chevron	PROPN
+kept	VERB
+my	PRON
+car	NOUN
+running	VERB
+for	ADP
+well	ADV
+past	ADP
+its	PRON
+expected	VERB
+death	NOUN
+!	PUNCT
+
+They	PRON
+are	AUX
+honest	ADJ
+about	ADP
+'	PUNCT
+immediate	ADJ
+'	PUNCT
+concerns	NOUN
+versus	ADP
+'	PUNCT
+recommended	VERB
+'	PUNCT
+repairs	NOUN
+and	CCONJ
+have	VERB
+very	ADV
+fair	ADJ
+prices	NOUN
+.	PUNCT
+
+Such	DET
+a	DET
+convenient	ADJ
+location	NOUN
+as	ADV
+well	ADV
+with	SCONJ
+coffee	NOUN
+shop	NOUN
+and	CCONJ
+bradley	PROPN
+food	PROPN
+and	CCONJ
+beverage	PROPN
+right	ADV
+around	ADP
+corner	NOUN
+.	PUNCT
+
+Needs	VERB
+to	PART
+go	VERB
+out	ADP
+of	ADP
+business	NOUN
+
+They	PRON
+close	VERB
+whenever	ADV
+they	PRON
+feel	VERB
+like	ADP
+it	PRON
+,	PUNCT
+often	ADV
+well	ADV
+before	ADP
+their	PRON
+listed	VERB
+closing	NOUN
+time	NOUN
+.	PUNCT
+
+Their	PRON
+store	NOUN
+is	AUX
+dusty	ADJ
+,	PUNCT
+dirty	ADJ
+and	CCONJ
+feels	VERB
+like	SCONJ
+you	PRON
+'re	AUX
+stepping	VERB
+into	ADP
+the	DET
+1970s	NOUN
+.	PUNCT
+
+They	PRON
+do	AUX
+n't	PART
+take	VERB
+coupons	NOUN
+.	PUNCT
+
+They	PRON
+have	VERB
+a	DET
+credit	NOUN
+card	NOUN
+minimum	NOUN
+.	PUNCT
+
+This	DET
+place	NOUN
+is	AUX
+the	DET
+opposite	NOUN
+of	ADP
+QuikTrip	PROPN
+:	PUNCT
+crappy	ADJ
+in	ADP
+every	DET
+way	NOUN
+.	PUNCT
+
+Where	ADV
+else	ADV
+can	AUX
+you	PRON
+go	VERB
+for	ADP
+$	SYM
+10	NUM
+and	CCONJ
+recieve	VERB
+this	DET
+treatment	NOUN
+?!	PUNCT
+
+Awesome	ADJ
+haircut	NOUN
+at	ADP
+awesome	ADJ
+price	NOUN
+right	ADV
+here	ADV
+in	ADP
+Palatine	PROPN
+!	PUNCT
+
+Who	PRON
+can	AUX
+pass	VERB
+up	ADP
+a	DET
+hot	ADJ
+towel	NOUN
+and	CCONJ
+a	DET
+straight	ADJ
+edge	NOUN
+neck	NOUN
+shave	NOUN
+!	PUNCT
+
+I	PRON
+'ve	AUX
+had	VERB
+2	NUM
+cuts	NOUN
+now	ADV
+from	ADP
+Georgia	PROPN
+and	CCONJ
+have	AUX
+paid	VERB
+more	ADJ
+in	ADP
+other	ADJ
+salons	NOUN
+/	SYM
+barbershops	NOUN
+and	CCONJ
+have	AUX
+not	PART
+received	VERB
+this	DET
+kind	NOUN
+of	ADP
+treatment	NOUN
+or	CCONJ
+cut	NOUN
+!	PUNCT
+
+Baffled	VERB
+by	ADP
+the	DET
+one	NUM
+-	PUNCT
+star	NOUN
+reviews	NOUN
+
+I	PRON
+do	AUX
+n't	PART
+get	VERB
+it	PRON
+.	PUNCT
+
+This	DET
+place	NOUN
+is	AUX
+awesome	ADJ
+,	PUNCT
+with	ADP
+a	DET
+great	ADJ
+ambiance	NOUN
+and	CCONJ
+cool	ADJ
+décor	NOUN
+,	PUNCT
+and	CCONJ
+the	DET
+food	NOUN
+is	AUX
+scrumptious	ADJ
+(	PUNCT
+and	CCONJ
+especially	ADV
+their	PRON
+signature	NOUN
+banana	NOUN
+split	NOUN
+)	PUNCT
+.	PUNCT
+
+Sure	INTJ
+,	PUNCT
+some	DET
+items	NOUN
+are	AUX
+a	DET
+little	ADJ
+pricey	ADJ
+,	PUNCT
+but	CCONJ
+c'm	VERB
+on	ADV
+...	PUNCT
+have	AUX
+you	PRON
+ever	ADV
+been	VERB
+out	ADV
+to	PART
+eat	VERB
+in	ADP
+Seattle	PROPN
+before	ADV
+?	PUNCT
+
+I	PRON
+'ve	AUX
+only	ADV
+had	VERB
+good	ADJ
+experiences	NOUN
+at	ADP
+Adorn	PROPN
+,	PUNCT
+I	PRON
+was	AUX
+greeted	VERB
+and	CCONJ
+offered	VERB
+a	DET
+refreshment	NOUN
+.	PUNCT
+
+I	PRON
+highly	ADV
+recommend	VERB
+Debi	PROPN
+,	PUNCT
+she	PRON
+does	VERB
+an	DET
+amazing	ADJ
+job	NOUN
+,	PUNCT
+I	PRON
+"	PUNCT
+love	VERB
+"	PUNCT
+the	DET
+way	NOUN
+she	PRON
+cuts	VERB
+my	PRON
+hair	NOUN
+,	PUNCT
+extremely	ADV
+thorough	ADJ
+and	CCONJ
+cross	VERB
+checks	VERB
+her	PRON
+work	NOUN
+to	PART
+make	VERB
+sure	ADJ
+my	PRON
+hair	NOUN
+is	AUX
+perfect	ADJ
+.	PUNCT
+
+I	PRON
+always	ADV
+leave	VERB
+loving	VERB
+my	PRON
+hair	NOUN
+style	NOUN
+.	PUNCT
+
+Best	ADJ
+Chineese	ADJ
+food	NOUN
+in	ADP
+the	DET
+area	NOUN
+
+The	DET
+food	NOUN
+here	ADV
+is	AUX
+fresh	ADJ
+and	CCONJ
+hot	ADJ
+out	ADP
+of	ADP
+the	DET
+Wok	NOUN
+.	PUNCT
+
+The	DET
+food	NOUN
+is	AUX
+cooked	VERB
+fast	ADV
+by	ADP
+the	DET
+two	NUM
+chefs	NOUN
+on	ADP
+duty	NOUN
+.	PUNCT
+
+The	DET
+lunch	NOUN
+specials	NOUN
+are	AUX
+more	ADJ
+food	NOUN
+than	SCONJ
+most	ADJ
+people	NOUN
+can	AUX
+eat	VERB
+for	ADP
+about	ADV
+$	SYM
+6	NUM
+.	PUNCT
+
+It	PRON
+is	AUX
+busy	ADJ
+every	DET
+day	NOUN
+at	ADP
+lunch	NOUN
+for	ADP
+a	DET
+reason	NOUN
+,	PUNCT
+the	DET
+service	NOUN
+is	AUX
+fast	ADJ
+and	CCONJ
+the	DET
+food	NOUN
+is	AUX
+great	ADJ
+.	PUNCT
+
+Pure	ADJ
+Pilates	NOUN
+!!	PUNCT
+
+It	PRON
+is	AUX
+the	DET
+real	ADJ
+thing	NOUN
+-	PUNCT
+I	PRON
+have	AUX
+been	AUX
+practicing	VERB
+Pilates	PROPN
+for	ADP
+over	ADV
+7	NUM
+years	NOUN
+and	CCONJ
+would	AUX
+not	PART
+go	VERB
+anywhere	ADV
+else	ADV
+.	PUNCT
+
+It	PRON
+is	AUX
+the	DET
+attention	NOUN
+to	ADP
+detail	NOUN
+and	CCONJ
+the	DET
+quality	NOUN
+of	ADP
+the	DET
+work	NOUN
+taught	VERB
+at	ADP
+TomiPilates	PROPN
+that	PRON
+sets	VERB
+this	DET
+studio	NOUN
+apart	ADV
+from	ADP
+the	DET
+others	NOUN
+.	PUNCT
+
+The	DET
+teachers	NOUN
+are	VERB
+highly	ADV
+trained	VERB
+and	CCONJ
+are	AUX
+expert	ADJ
+at	SCONJ
+handling	VERB
+all	DET
+types	NOUN
+of	ADP
+clients	NOUN
+.	PUNCT
+
+I	PRON
+phoned	VERB
+this	DET
+company	NOUN
+for	ADP
+advice	NOUN
+on	ADP
+our	PRON
+office	NOUN
+refurb	NOUN
+and	CCONJ
+although	SCONJ
+we	PRON
+did	AUX
+not	PART
+use	VERB
+them	PRON
+in	ADP
+the	DET
+end	NOUN
+(	PUNCT
+as	SCONJ
+our	PRON
+building	NOUN
+contractor	NOUN
+carried	VERB
+out	ADP
+the	DET
+electrical	ADJ
+work	NOUN
+)	PUNCT
+,	PUNCT
+they	PRON
+provided	VERB
+me	PRON
+with	ADP
+plenty	NOUN
+of	ADP
+useful	ADJ
+information	NOUN
+over	ADP
+an	DET
+hour	NOUN
+phone	NOUN
+call	NOUN
+and	CCONJ
+subsequently	ADV
+we	PRON
+are	AUX
+now	ADV
+using	VERB
+PJC	PROPN
+as	ADP
+our	PRON
+electrical	ADJ
+maintenance	NOUN
+contractor	NOUN
+.	PUNCT
+
+Thoroughly	ADV
+recommended	VERB
+
+They	PRON
+really	ADV
+go	VERB
+above	ADV
+and	CCONJ
+beyond	ADV
+!	PUNCT
+
+For	ADP
+example	NOUN
+,	PUNCT
+I	PRON
+actually	ADV
+forgot	VERB
+to	PART
+feed	VERB
+my	PRON
+cat	NOUN
+,	PUNCT
+and	CCONJ
+they	PRON
+went	VERB
+out	ADP
+of	ADP
+their	PRON
+way	NOUN
+to	PART
+take	VERB
+care	NOUN
+of	ADP
+him	PRON
+.	PUNCT
+
+Additionally	ADV
+,	PUNCT
+when	ADV
+there	PRON
+was	VERB
+confusion	NOUN
+(	PUNCT
+my	PRON
+fault	NOUN
+)	PUNCT
+,	PUNCT
+they	PRON
+left	VERB
+me	PRON
+flowers	NOUN
+along	ADP
+with	ADP
+a	DET
+personalized	VERB
+gift	NOUN
+.	PUNCT
+
+They	PRON
+have	AUX
+been	AUX
+100	NUM
+%	SYM
+reliable	ADJ
+and	CCONJ
+professional	ADJ
+.	PUNCT
+
+Definitely	ADV
+recommend	VERB
+!	PUNCT
+
+heating	NOUN
+system	NOUN
+Angels	NOUN
+
+seriously	ADV
+,	PUNCT
+can	AUX
+you	PRON
+imagine	VERB
+having	VERB
+to	PART
+live	VERB
+through	ADP
+these	DET
+last	ADJ
+few	ADJ
+nights	NOUN
+without	ADP
+heat	NOUN
+?	PUNCT
+
+I	PRON
+would	AUX
+have	AUX
+had	VERB
+to	PART
+because	SCONJ
+with	SCONJ
+the	DET
+economy	NOUN
+the	DET
+way	NOUN
+it	PRON
+is	VERB
+i	PRON
+ai	AUX
+nt	PART
+haves	VERB
+much	ADJ
+monies	NOUN
+fo	ADP
+repairs	NOUN
+round	ADP
+the	DET
+House	NOUN
+....	PUNCT
+
+Comfort	PROPN
+zone	PROPN
+came	VERB
+out	ADV
+and	CCONJ
+did	VERB
+my	PRON
+house	NOUN
+heat	NOUN
+on	ADP
+the	DET
+cheap	ADJ
+.	PUNCT
+
+and	CCONJ
+it	PRON
+works	VERB
+!	PUNCT
+
+Thank	VERB
+you	PRON
+Comfort	PROPN
+Zone	PROPN
+
+Slowest	ADJ
+,	PUNCT
+Unfriendly	ADJ
+Sstaff	NOUN
+on	ADP
+Weekends	NOUN
+
+There	PRON
+are	VERB
+three	NUM
+Starbucks	PROPN
+locations	NOUN
+that	PRON
+I	PRON
+frequent	VERB
+.	PUNCT
+
+I	PRON
+have	VERB
+a	DET
+bit	NOUN
+of	ADP
+experience	NOUN
+watching	VERB
+the	DET
+usual	ADJ
+assembly	NOUN
+line	NOUN
+.	PUNCT
+
+I	PRON
+also	ADV
+understand	VERB
+that	SCONJ
+weekend	NOUN
+staffs	NOUN
+are	AUX
+different	ADJ
+than	ADP
+daytime	NOUN
+staffs	NOUN
+and	CCONJ
+not	PART
+necessarily	ADV
+Starbucks	PROPN
+A	NOUN
+-	PUNCT
+team	NOUN
+or	CCONJ
+even	ADV
+full	ADJ
+-	PUNCT
+time	NOUN
+.	PUNCT
+
+But	CCONJ
+this	DET
+location	NOUN
+has	VERB
+the	DET
+worst	ADJ
+weekend	NOUN
+staff	NOUN
+I	PRON
+'ve	AUX
+seen	VERB
+EVER	ADV
+.	PUNCT
+
+Skip	VERB
+te	DET
+rest	NOUN
+-	PUNCT
+this	PRON
+is	AUX
+the	DET
+best	ADJ
+
+Absolutely	ADV
+great	ADJ
+!	PUNCT
+
+Clean	ADJ
+,	PUNCT
+updated	VERB
+room	NOUN
+,	PUNCT
+friendly	ADJ
+staff	NOUN
+,	PUNCT
+safe	ADJ
+location	NOUN
+.	PUNCT
+
+Staff	NOUN
+is	AUX
+super	ADV
+friendly	ADJ
+,	PUNCT
+treat	VERB
+you	PRON
+as	ADP
+a	DET
+friend	NOUN
+.	PUNCT
+
+Can	AUX
+not	PART
+ask	VERB
+for	ADP
+a	DET
+better	ADJ
+experience	NOUN
+.	PUNCT
+
+Will	AUX
+be	AUX
+staying	VERB
+here	ADV
+any	DET
+and	CCONJ
+every	DET
+time	NOUN
+I	PRON
+come	VERB
+anywhere	ADV
+near	ADV
+.	PUNCT
+
+Overall	ADV
+,	PUNCT
+Joe	PROPN
+is	AUX
+a	DET
+happy	ADJ
+camper	NOUN
+who	PRON
+has	AUX
+found	VERB
+a	DET
+great	ADJ
+spot	NOUN
+.	PUNCT
+
+PHOTOS	NOUN
+DONE	VERB
+WELL	ADV
+
+I	PRON
+Love	VERB
+Hellada	PROPN
+Gallery	PROPN
+!	PUNCT
+
+Marek	PROPN
+Dzida	PROPN
+the	DET
+owner	NOUN
+and	CCONJ
+photographer	NOUN
+puts	VERB
+whole	ADJ
+heart	NOUN
+in	ADP
+his	PRON
+business	NOUN
+-	PUNCT
+If	SCONJ
+you	PRON
+are	AUX
+into	ADP
+old	ADJ
+fashion	NOUN
+(	PUNCT
+Not	ADV
+Digital	ADJ
+)	PUNCT
+quality	ADJ
+photography	NOUN
+this	PRON
+is	AUX
+best	ADJ
+place	NOUN
+in	ADP
+Long	PROPN
+Beach	PROPN
+as	SCONJ
+I	PRON
+think	VERB
+not	ADV
+many	ADJ
+folks	NOUN
+can	AUX
+do	VERB
+affordable	ADJ
+traditional	ADJ
+photos	NOUN
+anymore	ADV
+I	PRON
+know	VERB
+Marek	PROPN
+personaly	ADV
+and	CCONJ
+I	PRON
+will	AUX
+always	ADV
+recommend	VERB
+him	PRON
+
+BAD	ADJ
+COFFEE	NOUN
+,	PUNCT
+DO	AUX
+NT	PART
+BOTHER	VERB
+!	PUNCT
+
+Ca	AUX
+n't	PART
+you	PRON
+make	VERB
+a	DET
+decent	ADJ
+cup	NOUN
+of	ADP
+coffee	NOUN
+?	PUNCT
+
+You	PRON
+charge	VERB
+SO	ADV
+MUCH	ADJ
+,	PUNCT
+yet	CCONJ
+you	PRON
+use	VERB
+the	DET
+same	ADJ
+grounds	NOUN
+over	ADV
+and	CCONJ
+over	ADV
+again	ADV
+.	PUNCT
+
+The	DET
+coffee	NOUN
+taste	VERB
+BURNT	ADJ
+and	CCONJ
+very	ADV
+bitter	ADJ
+.	PUNCT
+
+No	DET
+amount	NOUN
+of	ADP
+sugar	NOUN
+and	CCONJ
+milk	NOUN
+can	AUX
+mask	VERB
+it	PRON
+.	PUNCT
+
+CHANGE	VERB
+THE	DET
+PROCESS	NOUN
+,	PUNCT
+PPL	NOUN
+!	PUNCT
+
+Westfield	PROPN
+and	CCONJ
+Rt	PROPN
+1	NUM
+do	VERB
+it	PRON
+well	ADV
+,	PUNCT
+WHY	ADV
+CA	AUX
+NT	PART
+U	PRON
+????	PUNCT
+
+Home	NOUN
+made	VERB
+product	NOUN
+
+I	PRON
+sometimes	ADV
+go	VERB
+into	ADP
+this	DET
+store	NOUN
+just	ADV
+for	ADP
+something	PRON
+to	PART
+do	VERB
+on	ADP
+a	DET
+sunday	PROPN
+afternoon	NOUN
+.	PUNCT
+
+I	PRON
+love	VERB
+the	DET
+people	NOUN
+,	PUNCT
+the	DET
+product	NOUN
+and	CCONJ
+the	DET
+service	NOUN
+!	PUNCT
+
+Nothing	PRON
+compares	VERB
+to	ADP
+a	DET
+home	NOUN
+made	VERB
+product	NOUN
+that	PRON
+really	ADV
+stands	VERB
+the	DET
+test	NOUN
+of	ADP
+time	NOUN
+.	PUNCT
+-	PUNCT
+
+The	DET
+Brick	PROPN
+,	PUNCT
+Ikea	PROPN
+,	PUNCT
+and	CCONJ
+Leon	PROPN
+'s	PART
+have	VERB
+their	PRON
+place	NOUN
+.	PUNCT
+
+But	CCONJ
+furniture	NOUN
+like	ADP
+this	PRON
+will	AUX
+truly	ADV
+be	VERB
+around	ADV
+forever	ADV
+.	PUNCT
+
+The	DET
+internet	NOUN
+here	ADV
+is	AUX
+terrible	ADJ
+.	PUNCT
+
+Like	SCONJ
+the	DET
+previous	ADJ
+poster	NOUN
+said	VERB
+,	PUNCT
+the	DET
+com	NOUN
+lines	NOUN
+are	AUX
+split	VERB
+between	ADP
+the	DET
+entire	ADJ
+building	NOUN
+.	PUNCT
+
+That	PRON
+'s	AUX
+3	NUM
+x	SYM
+worse	ADJ
+than	ADP
+Qwest	PROPN
+DSL	PROPN
+'s	PART
+lowest	ADJ
+speed	NOUN
+offering	NOUN
+!	PUNCT
+
+The	DET
+outward	ADJ
+appearance	NOUN
+makes	VERB
+you	PRON
+think	VERB
+this	DET
+place	NOUN
+is	AUX
+nice	ADJ
+,	PUNCT
+but	CCONJ
+everything	PRON
+inside	ADV
+is	AUX
+cheap	ADJ
+cheap	ADJ
+cheap	ADJ
+.	PUNCT
+
+Moving	VERB
+out	ADV
+as	ADV
+soon	ADV
+as	SCONJ
+our	PRON
+lease	NOUN
+is	AUX
+up	ADV
+.	PUNCT
+
+http://www.speedtest.net/result/1155244347.png	X
+
+Awesome	ADJ
+!!!!	PUNCT
+
+Yes	INTJ
+my	PRON
+G	NOUN
+1	NUM
+screen	NOUN
+is	AUX
+back	ADV
+working	VERB
+.	PUNCT
+
+They	PRON
+was	AUX
+about	ADJ
+to	PART
+Charge	VERB
+me	PRON
+$	SYM
+129	NUM
+...	PUNCT
+
+But	CCONJ
+i	PRON
+paid	VERB
+$	SYM
+100	NUM
+.	PUNCT
+
+they	PRON
+save	VERB
+me	PRON
+from	SCONJ
+having	VERB
+to	PART
+deal	VERB
+with	ADP
+Tmobile	PROPN
+...	PUNCT
+
+Tmobile	PROPN
+want	VERB
+to	PART
+Send	VERB
+of	ADP
+my	PRON
+phone	NOUN
+and	CCONJ
+i	PRON
+did	AUX
+n't	PART
+want	VERB
+to	PART
+go	VERB
+thru	ADP
+that	PRON
+...	PUNCT
+
+3	NUM
+Days	NOUN
+For	X
+get	VERB
+that	PRON
+...	PUNCT
+
+Great	ADJ
+service	NOUN
+.	PUNCT
+
+I	PRON
+would	AUX
+recommend	VERB
+them	PRON
+to	ADP
+anyone	PRON
+..	PUNCT
+
+Great	ADJ
+out	ADJ
+night	NOUN
+!	PUNCT
+
+You	PRON
+ca	AUX
+n't	PART
+go	VERB
+wrong	ADV
+with	ADP
+Tuesday	PROPN
+prices	NOUN
+,	PUNCT
+even	ADV
+if	SCONJ
+you	PRON
+get	VERB
+quite	DET
+the	DET
+mixed	ADJ
+bag	NOUN
+of	ADP
+comedians	NOUN
+!	PUNCT
+
+Extensive	ADJ
+drink	NOUN
+list	NOUN
+and	CCONJ
+daily	ADJ
+specials	NOUN
+but	CCONJ
+wish	VERB
+they	PRON
+had	VERB
+a	DET
+bit	NOUN
+more	ADJ
+on	ADP
+their	PRON
+food	NOUN
+menu	NOUN
+,	PUNCT
+although	SCONJ
+popcorn	NOUN
+is	AUX
+a	DET
+nice	ADJ
+touch	NOUN
+!	PUNCT
+
+(	PUNCT
+other	ADJ
+items	NOUN
+:	PUNCT
+chicken	NOUN
+fingers	NOUN
+,	PUNCT
+wings	NOUN
+,	PUNCT
+asian	ADJ
+pizza	NOUN
+,	PUNCT
+and	CCONJ
+yam	NOUN
+and	CCONJ
+regular	ADJ
+fries	NOUN
+)	PUNCT
+
+Their	PRON
+food	NOUN
+and	CCONJ
+sweets	NOUN
+are	AUX
+awesome	ADJ
+.	PUNCT
+
+But	CCONJ
+service	NOUN
+is	AUX
+very	ADV
+poor	ADJ
+.	PUNCT
+
+Attitude	NOUN
+of	ADP
+staff	NOUN
+very	ADV
+bad	ADJ
+.	PUNCT
+
+Never	ADV
+gives	VERB
+a	DET
+receipt	NOUN
+.	PUNCT
+
+Sometimes	ADV
+even	ADV
+gives	VERB
+wrong	ADJ
+dish	NOUN
+.	PUNCT
+
+So	ADV
+confused	ADJ
+at	ADP
+the	DET
+payment	NOUN
+area	NOUN
+.	PUNCT
+
+Line	NOUN
+up	NOUN
+is	AUX
+so	ADV
+stupid	ADJ
+.	PUNCT
+
+Even	ADV
+if	SCONJ
+you	PRON
+line	VERB
+up	ADP
+.	PUNCT
+
+To	PART
+make	VERB
+a	DET
+order	NOUN
+you	PRON
+may	AUX
+have	VERB
+to	PART
+go	VERB
+to	ADP
+back	NOUN
+of	ADP
+line	NOUN
+.	PUNCT
+
+And	CCONJ
+then	ADV
+wait	VERB
+again	ADV
+.	PUNCT
+
+Not	PART
+organised	ADJ
+.	PUNCT
+
+Hair	PROPN
+By	ADP
+Nivine	PROPN
+in	ADP
+eastgardens	PROPN
+fixed	VERB
+my	PRON
+hair	NOUN
+after	SCONJ
+i	PRON
+had	VERB
+my	PRON
+hair	NOUN
+cut	VERB
+and	CCONJ
+colored	VERB
+at	ADP
+another	DET
+salon	NOUN
+i	PRON
+felt	VERB
+more	ADV
+confident	ADJ
+and	CCONJ
+the	DET
+girls	NOUN
+are	AUX
+fantastic	ADJ
+and	CCONJ
+i	PRON
+ve	AUX
+been	AUX
+going	VERB
+there	ADV
+now	ADV
+for	ADP
+2	NUM
+years	NOUN
+always	ADV
+happy	ADJ
+and	CCONJ
+they	PRON
+care	VERB
+about	ADP
+my	PRON
+hair	NOUN
+had	VERB
+my	PRON
+hair	NOUN
+done	VERB
+for	ADP
+my	PRON
+wedding	NOUN
+it	PRON
+looked	VERB
+fabolous	ADJ
+!	PUNCT
+
+and	CCONJ
+there	PRON
+prices	NOUN
+are	AUX
+really	ADV
+good	ADJ
+!	PUNCT
+
+Best	ADJ
+food	NOUN
+in	ADP
+northeast	NOUN
+
+There	PRON
+s	VERB
+a	DET
+reason	NOUN
+why	ADV
+Frank	PROPN
+mcclelland	PROPN
+was	AUX
+named	VERB
+best	ADJ
+chef	NOUN
+of	ADP
+the	DET
+north	ADJ
+east	ADJ
+reigon	NOUN
+.	PUNCT
+
+Food	NOUN
+here	ADV
+is	AUX
+absolutely	ADV
+superb	ADJ
+.	PUNCT
+
+Everything	PRON
+is	VERB
+delicous	ADJ
+and	CCONJ
+cooked	VERB
+perfectly	ADV
+.	PUNCT
+
+The	DET
+waiting	NOUN
+staff	NOUN
+is	AUX
+beyond	ADP
+impeccable	ADJ
+(	PUNCT
+they	PRON
+refold	VERB
+your	PRON
+napkin	NOUN
+when	ADV
+you	PRON
+go	VERB
+to	ADP
+the	DET
+bathroom	NOUN
+)	PUNCT
+.	PUNCT
+
+If	SCONJ
+you	PRON
+want	VERB
+great	ADJ
+food	NOUN
+then	ADV
+L'espalier	PROPN
+is	AUX
+the	DET
+place	NOUN
+to	PART
+go	VERB
+.	PUNCT
+
+I	PRON
+did	AUX
+n't	PART
+end	VERB
+up	ADP
+buying	VERB
+my	PRON
+car	NOUN
+here	ADV
+,	PUNCT
+but	CCONJ
+I	PRON
+did	AUX
+think	VERB
+the	DET
+guy	NOUN
+who	PRON
+worked	VERB
+with	ADP
+me	PRON
+was	AUX
+pretty	ADV
+cool	ADJ
+-	PUNCT
+he	PRON
+was	AUX
+willing	ADJ
+to	PART
+budge	VERB
+a	DET
+little	NOUN
+on	ADP
+the	DET
+price	NOUN
+which	PRON
+means	VERB
+a	DET
+lot	NOUN
+to	ADP
+me	PRON
+.	PUNCT
+
+Also	ADV
+they	PRON
+will	AUX
+fill	VERB
+your	PRON
+tires	NOUN
+with	ADP
+air	NOUN
+and	CCONJ
+other	ADJ
+small	ADJ
+maintenance	NOUN
+tasks	NOUN
+for	ADP
+free	ADJ
+,	PUNCT
+even	ADV
+if	SCONJ
+you	PRON
+did	AUX
+n't	PART
+buy	VERB
+your	PRON
+car	NOUN
+there	ADV
+!	PUNCT
+
+The	DET
+Best	ADJ
+Deals	NOUN
+in	ADP
+Town	NOUN
+
+Before	SCONJ
+you	PRON
+buy	VERB
+ANYTHING	PRON
+in	ADP
+NY	PROPN
+,	PUNCT
+make	VERB
+sure	ADJ
+you	PRON
+stop	VERB
+by	ADP
+Jack	PROPN
+-s	PART
+first	ADV
+.	PUNCT
+
+Their	PRON
+selection	NOUN
+is	AUX
+random	ADJ
+,	PUNCT
+so	ADV
+what	PRON
+they	PRON
+have	VERB
+on	ADP
+a	DET
+given	VERB
+week	NOUN
+might	AUX
+never	ADV
+be	AUX
+available	ADJ
+again	ADV
+at	ADP
+the	DET
+store	NOUN
+.	PUNCT
+
+I	PRON
+love	VERB
+it	PRON
+for	ADP
+discounted	VERB
+beauty	NOUN
+items	NOUN
+and	CCONJ
+household	NOUN
+appliances	NOUN
+.	PUNCT
+
+Trust	VERB
+me	PRON
+,	PUNCT
+you	PRON
+go	VERB
+there	ADV
+once	ADV
+and	CCONJ
+you	PRON
+-ll	AUX
+always	ADV
+go	VERB
+back	ADV
+!	PUNCT
+
+First	ADJ
+Time	NOUN
+Ballerina	NOUN
+
+My	PRON
+daughter	NOUN
+is	AUX
+starting	VERB
+ballet	NOUN
+this	DET
+year	NOUN
+for	ADP
+the	DET
+first	ADJ
+time	NOUN
+.	PUNCT
+
+I	PRON
+'m	AUX
+a	DET
+soccer	NOUN
+mom	NOUN
+so	ADV
+I	PRON
+was	AUX
+n't	PART
+sure	ADJ
+what	PRON
+I	PRON
+was	AUX
+looking	VERB
+for	ADP
+when	ADV
+it	PRON
+comes	VERB
+to	ADP
+dancewear	NOUN
+.	PUNCT
+
+The	DET
+staff	NOUN
+was	AUX
+very	ADV
+helpful	ADJ
+and	CCONJ
+gave	VERB
+me	PRON
+exactly	ADV
+what	PRON
+I	PRON
+needed	VERB
+for	ADP
+my	PRON
+first	ADJ
+time	NOUN
+ballerina	NOUN
+.	PUNCT
+
+The	DET
+service	NOUN
+at	ADP
+Instep	PROPN
+was	AUX
+great	ADJ
+!!	PUNCT
+
+I	PRON
+would	AUX
+recommend	VERB
+them	PRON
+to	ADP
+anyone	PRON
+!	PUNCT
+
+Outstanding	ADJ
+service	NOUN
+&	CCONJ
+quality	NOUN
+at	ADP
+a	DET
+very	ADV
+affordable	ADJ
+price	NOUN
+!	PUNCT
+
+This	DET
+place	NOUN
+is	AUX
+top	ADJ
+notch	NOUN
+and	CCONJ
+highly	ADV
+affordable	ADJ
+!	PUNCT
+
+I	PRON
+would	AUX
+recommend	VERB
+it	PRON
+hands	NOUN
+down	ADV
+and	CCONJ
+am	AUX
+a	DET
+loyal	ADJ
+customer	NOUN
+.	PUNCT
+
+I	PRON
+'ve	AUX
+also	ADV
+sent	VERB
+over	ADV
+a	DET
+number	NOUN
+of	ADP
+friends	NOUN
+to	PART
+use	VERB
+the	DET
+services	NOUN
+here	ADV
+and	CCONJ
+everyone	PRON
+is	AUX
+extraordinarily	ADV
+pleased	ADJ
+!	PUNCT
+
+Thanks	NOUN
+for	SCONJ
+doing	VERB
+such	ADV
+great	ADJ
+work	NOUN
+on	ADP
+my	PRON
+important	ADJ
+pieces	NOUN
+of	ADP
+clothing	NOUN
+that	PRON
+always	ADV
+look	VERB
+great	ADJ
+!	PUNCT
+
+Tried	VERB
+Crust	PROPN
+on	ADP
+Broad	PROPN
+on	ADP
+3	NUM
+occasions	NOUN
+.	PUNCT
+
+Twice	ADV
+for	ADP
+dinner	NOUN
+and	CCONJ
+once	ADV
+for	ADP
+lunch	NOUN
+Absolutely	ADV
+rude	ADJ
+service	NOUN
+every	DET
+time	NOUN
+!	PUNCT
+
+The	DET
+staff	NOUN
+will	AUX
+not	PART
+even	ADV
+answer	VERB
+the	DET
+phone	NOUN
+for	ADP
+take	NOUN
+out	NOUN
+.	PUNCT
+
+Tonight	NOUN
+,	PUNCT
+I	PRON
+called	VERB
+several	ADJ
+times	NOUN
+with	ADP
+no	DET
+answer	NOUN
+(	PUNCT
+Btwn	ADP
+5:30	NUM
+and	CCONJ
+6	NUM
+pm	NOUN
+)	PUNCT
+and	CCONJ
+finally	ADV
+drove	VERB
+there	ADV
+to	PART
+place	VERB
+my	PRON
+order	NOUN
+in	ADP
+person	NOUN
+.	PUNCT
+
+There	PRON
+was	VERB
+not	PART
+a	DET
+customer	NOUN
+to	PART
+be	AUX
+found	VERB
+.	PUNCT
+
+we	PRON
+purchased	VERB
+a	DET
+new	ADJ
+home	NOUN
+but	CCONJ
+was	AUX
+unable	ADJ
+to	PART
+sell	VERB
+our	PRON
+old	ADJ
+house	NOUN
+so	ADV
+we	PRON
+contacted	VERB
+this	DET
+property	NOUN
+management	NOUN
+company	NOUN
+and	CCONJ
+they	PRON
+have	AUX
+helped	VERB
+us	PRON
+quickly	ADV
+rent	VERB
+out	ADP
+our	PRON
+house	NOUN
+and	CCONJ
+keep	VERB
+it	PRON
+maintained	VERB
+.	PUNCT
+
+Since	ADP
+then	ADV
+we	PRON
+have	AUX
+decided	VERB
+to	PART
+have	VERB
+them	PRON
+manage	VERB
+our	PRON
+other	ADJ
+investment	NOUN
+properties	NOUN
+as	ADV
+well	ADV
+as	SCONJ
+we	PRON
+getting	VERB
+older	ADJ
+and	CCONJ
+can	AUX
+no	ADV
+longer	ADV
+perform	VERB
+all	DET
+the	DET
+inquires	NOUN
+.	PUNCT
+
+Great	ADJ
+help	NOUN
+!	PUNCT
+
+We	PRON
+just	ADV
+got	VERB
+our	PRON
+sunroom	NOUN
+built	VERB
+by	ADP
+Patio	PROPN
+World	PROPN
+and	CCONJ
+can	AUX
+say	VERB
+that	SCONJ
+I	PRON
+'m	AUX
+extremely	ADV
+happy	ADJ
+with	ADP
+the	DET
+whole	ADJ
+thing	NOUN
+.	PUNCT
+
+From	ADP
+the	DET
+amount	NOUN
+of	ADP
+time	NOUN
+spent	VERB
+with	ADP
+us	PRON
+to	PART
+explain	VERB
+things	NOUN
+during	ADP
+the	DET
+initial	ADJ
+quote	NOUN
+,	PUNCT
+to	ADP
+the	DET
+communication	NOUN
+through	ADP
+the	DET
+approval	NOUN
+process	NOUN
+to	ADP
+the	DET
+actual	ADJ
+workmanship	NOUN
+of	ADP
+the	DET
+build	NOUN
+itself	PRON
+.	PUNCT
+
+I	PRON
+have	VERB
+nothing	PRON
+bad	ADJ
+to	PART
+say	VERB
+.	PUNCT
+
+Very	ADV
+glad	ADJ
+that	SCONJ
+we	PRON
+went	VERB
+with	ADP
+them	PRON
+.	PUNCT
+
+No	DET
+Customer	NOUN
+Service	NOUN
+
+Employees	NOUN
+seemed	VERB
+to	PART
+be	AUX
+having	VERB
+a	DET
+good	ADJ
+time	NOUN
+chatting	VERB
+and	CCONJ
+laughing	VERB
+with	ADP
+each	DET
+other	ADJ
+,	PUNCT
+while	SCONJ
+myself	PRON
+and	CCONJ
+other	ADJ
+customers	NOUN
+were	AUX
+completely	ADV
+ignored	VERB
+.	PUNCT
+
+Another	DET
+person	NOUN
+in	ADP
+the	DET
+store	NOUN
+stood	VERB
+there	ADV
+with	ADP
+an	DET
+item	NOUN
+and	CCONJ
+repeatedly	ADV
+tried	VERB
+to	PART
+get	VERB
+a	DET
+sales	NOUN
+person	NOUN
+s	PART
+attention	NOUN
+.	PUNCT
+
+It	PRON
+was	VERB
+n't	PART
+until	SCONJ
+he	PRON
+gave	VERB
+up	ADP
+and	CCONJ
+walked	VERB
+out	ADP
+the	DET
+door	NOUN
+that	SCONJ
+someone	PRON
+asked	VERB
+Can	AUX
+I	PRON
+help	VERB
+you	PRON
+.	PUNCT
+
+do	AUX
+NOT	PART
+bring	VERB
+your	PRON
+car	NOUN
+here	ADV
+
+I	PRON
+got	VERB
+a	DET
+coupon	NOUN
+from	ADP
+Pennysaver	PROPN
+for	ADP
+this	DET
+station	NOUN
+.	PUNCT
+
+Yes	INTJ
+,	PUNCT
+they	PRON
+accepted	VERB
+it	PRON
+.	PUNCT
+
+However	ADV
+,	PUNCT
+during	ADP
+the	DET
+test	NOUN
+,	PUNCT
+they	PRON
+did	VERB
+whatever	PRON
+they	PRON
+can	AUX
+to	PART
+get	VERB
+my	PRON
+test	NOUN
+failed	VERB
+.	PUNCT
+
+Then	ADV
+,	PUNCT
+they	PRON
+sold	VERB
+me	PRON
+overpriced	ADJ
+stuffs	NOUN
+,	PUNCT
+such	ADJ
+as	ADP
+oil	NOUN
+tank	NOUN
+cap	NOUN
+,	PUNCT
+so	SCONJ
+that	SCONJ
+my	PRON
+car	NOUN
+can	AUX
+pass	VERB
+it	PRON
+right	ADV
+away	ADV
+.	PUNCT
+
+I	PRON
+ended	VERB
+up	ADP
+paying	VERB
+much	ADV
+more	ADJ
+.	PUNCT
+
+Are	AUX
+you	PRON
+kidding	VERB
+me	PRON
+?	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+get	VERB
+it	PRON
+.	PUNCT
+
+Spongy	ADJ
+and	CCONJ
+sweet	ADJ
+bread	NOUN
+(	PUNCT
+microwaved	VERB
+?	PUNCT
+)	PUNCT
+,	PUNCT
+heartless	ADJ
+salsa	NOUN
+,	PUNCT
+tiny	ADJ
+dogs	NOUN
+...	PUNCT
+
+You	PRON
+order	VERB
+at	ADP
+the	DET
+counter	NOUN
+and	CCONJ
+there	PRON
+is	VERB
+a	DET
+space	NOUN
+for	ADP
+tip	NOUN
+on	ADP
+your	PRON
+credit	NOUN
+card	NOUN
+receipt	NOUN
+.	PUNCT
+
+The	DET
+dude	NOUN
+who	PRON
+grills	VERB
+the	DET
+retarded	ADJ
+dogs	NOUN
+is	AUX
+rude	ADJ
+.	PUNCT
+
+If	SCONJ
+this	PRON
+is	AUX
+the	DET
+best	ADJ
+that	PRON
+Tucson	PROPN
+has	VERB
+to	PART
+offer	VERB
+,	PUNCT
+I	PRON
+am	VERB
+out	ADP
+ta	ADP
+here	ADV
+...	PUNCT
+
+I	PRON
+called	VERB
+on	ADP
+a	DET
+Friday	PROPN
+at	ADP
+12:30	NUM
+complaining	VERB
+of	ADP
+a	DET
+severe	ADJ
+toothache	NOUN
+.	PUNCT
+
+Dr.	PROPN
+Obina	PROPN
+told	VERB
+me	PRON
+that	SCONJ
+his	PRON
+office	NOUN
+closed	VERB
+at	ADP
+noon	NOUN
+and	CCONJ
+that	SCONJ
+I	PRON
+should	AUX
+call	VERB
+him	PRON
+on	ADP
+Monday	PROPN
+.	PUNCT
+
+I	PRON
+had	AUX
+been	AUX
+a	DET
+patient	NOUN
+of	ADP
+Dr.	PROPN
+Olbina	PROPN
+for	ADP
+9	NUM
+years	NOUN
+and	CCONJ
+had	AUX
+spent	VERB
+thousands	NOUN
+of	ADP
+dollars	NOUN
+on	ADP
+crowns	NOUN
+etc	X
+.	PUNCT
+
+There	PRON
+are	VERB
+plenty	NOUN
+of	ADP
+good	ADJ
+dentists	NOUN
+in	ADP
+Fernandina	PROPN
+.	PUNCT
+
+Do	AUX
+n't	PART
+go	VERB
+to	ADP
+Amelia	PROPN
+Gentle	PROPN
+Dentistry	PROPN
+.	PUNCT
+
+Good	ADJ
+location	NOUN
+
+For	ADP
+a	DET
+hotel	NOUN
+like	ADP
+this	PRON
+you	PRON
+would	AUX
+expect	VERB
+some	DET
+form	NOUN
+of	ADP
+free	ADJ
+internet	NOUN
+.	PUNCT
+
+What	PRON
+you	PRON
+get	VERB
+is	AUX
+a	DET
+$	SYM
+13	NUM
+/	SYM
+day	NOUN
+charge	NOUN
+to	PART
+access	VERB
+the	DET
+internet	NOUN
+through	ADP
+a	DET
+slow	ADJ
+512	NUM
+/	SYM
+512	NUM
+kb	NOUN
+/	SYM
+s	NOUN
+that	PRON
+you	PRON
+can	AUX
+only	ADV
+use	VERB
+to	PART
+check	VERB
+email	NOUN
+etc	X
+(	PUNCT
+Read	VERB
+:	PUNCT
+No	DET
+downloading	NOUN
+)	PUNCT
+.	PUNCT
+
+Other	ADV
+than	ADP
+that	PRON
+the	DET
+hotel	NOUN
+is	VERB
+in	ADP
+a	DET
+good	ADJ
+location	NOUN
+and	CCONJ
+the	DET
+breakfast	NOUN
+is	AUX
+great	ADJ
+
+Make	VERB
+You	PRON
+Feel	VERB
+Like	ADP
+a	DET
+Number	NOUN
+
+Stay	VERB
+away	ADV
+from	ADP
+Kids	PROPN
+First	ADV
+West	PROPN
+Chester	PROPN
+.	PUNCT
+
+You	PRON
+NEVER	ADV
+get	VERB
+a	DET
+human	NOUN
+on	ADP
+the	DET
+phone	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+impossible	ADJ
+to	PART
+get	VERB
+an	DET
+appointment	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+get	AUX
+caught	VERB
+in	ADP
+traffic	NOUN
+and	CCONJ
+are	AUX
+a	DET
+couple	NOUN
+minutes	NOUN
+late	ADJ
+they	PRON
+make	VERB
+you	PRON
+re-schedule	VERB
+...	PUNCT
+for	ADP
+6	NUM
+weeks	NOUN
+later	ADV
+.	PUNCT
+
+And	CCONJ
+worst	ADV
+of	ADP
+all	DET
+your	PRON
+child	NOUN
+feels	VERB
+like	ADP
+a	DET
+number	NOUN
+not	ADV
+a	DET
+patient	NOUN
+.	PUNCT
+
+Go	VERB
+somewhere	ADV
+else	ADV
+.	PUNCT
+
+Rcommended	VERB
+by	ADP
+bees	NOUN
+,	PUNCT
+too	ADV
+!	PUNCT
+
+Highly	ADV
+recommended	VERB
+.	PUNCT
+
+Joe	PROPN
+removed	VERB
+a	DET
+wasp	NOUN
+nest	NOUN
+for	ADP
+our	PRON
+condominium	NOUN
+building	NOUN
+and	CCONJ
+we	PRON
+appreciated	VERB
+the	DET
+environmentally	ADV
+friendly	ADJ
+method	NOUN
+and	CCONJ
+prompt	ADJ
+,	PUNCT
+friendly	ADJ
+and	CCONJ
+informative	ADJ
+service	NOUN
+.	PUNCT
+
+No	DET
+spraying	NOUN
+of	ADP
+pesticides	NOUN
+!	PUNCT
+
+Very	ADV
+professional	ADJ
+.	PUNCT
+
+Reasonable	ADJ
+rate	NOUN
+.	PUNCT
+
+We	PRON
+highly	ADV
+recommend	VERB
+Joe	PROPN
+and	CCONJ
+his	PRON
+wasp	NOUN
+removal	NOUN
+service	NOUN
+to	ADP
+individual	ADJ
+home	NOUN
+owners	NOUN
+and	CCONJ
+condos	NOUN
+.	PUNCT
+
+He	PRON
+knows	VERB
+his	PRON
+bees	NOUN
+!	PUNCT
+
+Suzanne	PROPN
+,	PUNCT
+Vancouver	PROPN
+
+Very	ADV
+Accomodating	ADJ
+
+We	PRON
+were	AUX
+in	ADP
+Springfield	PROPN
+,	PUNCT
+IL	PROPN
+for	ADP
+a	DET
+family	NOUN
+funeral	NOUN
+from	ADP
+Kansas	PROPN
+City	PROPN
+.	PUNCT
+
+We	PRON
+arrived	VERB
+early	ADV
+and	CCONJ
+the	DET
+staff	NOUN
+was	AUX
+very	ADV
+accomodating	ADJ
+to	ADP
+our	PRON
+families	NOUN
+and	CCONJ
+the	DET
+situation	NOUN
+we	PRON
+were	AUX
+in	ADP
+.	PUNCT
+
+The	DET
+rooms	NOUN
+were	AUX
+very	ADV
+clean	ADJ
+,	PUNCT
+including	VERB
+the	DET
+microwave	NOUN
+and	CCONJ
+refrigerator	NOUN
+.	PUNCT
+
+This	PRON
+is	AUX
+a	DET
+nice	ADJ
+place	NOUN
+,	PUNCT
+and	CCONJ
+I	PRON
+know	VERB
+we	PRON
+will	AUX
+return	VERB
+to	PART
+meet	VERB
+my	PRON
+sister	NOUN
+-	PUNCT
+in	ADP
+-	PUNCT
+law	NOUN
+from	ADP
+Chicago	PROPN
+!!	PUNCT
+
+GREAT	ADJ
+SERVICE	NOUN
+AND	CCONJ
+PEOPLE	NOUN
+!!	PUNCT
+
+Deb	PROPN
+Watson	PROPN
+is	AUX
+the	DET
+contact	NOUN
+person	NOUN
+and	CCONJ
+she	PRON
+and	CCONJ
+the	DET
+rest	NOUN
+of	ADP
+the	DET
+staff	NOUN
+were	AUX
+great	ADJ
+!!!	PUNCT
+
+She	PRON
+continues	VERB
+to	PART
+help	VERB
+me	PRON
+when	ADV
+needed	VERB
+even	ADV
+if	SCONJ
+I	PRON
+have	VERB
+a	DET
+service	NOUN
+question	NOUN
+.	PUNCT
+
+Since	SCONJ
+I	PRON
+'m	AUX
+usually	ADV
+at	ADP
+work	NOUN
+late	ADV
+Deb	PROPN
+has	AUX
+stayed	VERB
+around	ADV
+to	PART
+help	VERB
+me	PRON
+out	ADP
+when	ADV
+needed	VERB
+.	PUNCT
+
+This	PRON
+was	VERB
+after	SCONJ
+I	PRON
+brought	VERB
+the	DET
+car	NOUN
+!!!!	PUNCT
+!	PUNCT
+
+Service	NOUN
+does	AUX
+not	PART
+get	VERB
+any	ADV
+better	ADJ
+!!!!	PUNCT
+
+Hidden	ADJ
+Gem	NOUN
+in	ADP
+Alpharetta	PROPN
+
+This	DET
+French	ADJ
+born	VERB
+,	PUNCT
+French	ADJ
+trained	VERB
+chef	NOUN
+and	CCONJ
+his	PRON
+creative	ADJ
+partners	NOUN
+offer	VERB
+a	DET
+taste	NOUN
+fresh	ADJ
+,	PUNCT
+locally	ADV
+sourced	VERB
+,	PUNCT
+fabulously	ADV
+prepared	VERB
+food	NOUN
+in	ADP
+the	DET
+most	ADV
+unlikely	ADJ
+of	ADP
+locations	NOUN
+.	PUNCT
+
+Try	VERB
+their	PRON
+weekend	NOUN
+"	PUNCT
+tastings	NOUN
+"	PUNCT
+which	PRON
+you	PRON
+can	AUX
+learn	VERB
+about	ADP
+by	SCONJ
+getting	VERB
+on	ADP
+their	PRON
+weekly	ADJ
+email	NOUN
+list	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+the	DET
+best	ADJ
+meal	NOUN
+for	ADP
+the	DET
+money	NOUN
+you	PRON
+will	AUX
+find	VERB
+in	ADP
+all	DET
+of	ADP
+metro	ADJ
+Atlanta	PROPN
+.	PUNCT
+
+Le	PROPN
+petit	PROPN
+is	AUX
+the	DET
+best	ADJ
+place	NOUN
+to	PART
+get	VERB
+your	PRON
+nails	NOUN
+done	VERB
+!	PUNCT
+
+It	PRON
+is	AUX
+very	ADV
+clean	ADJ
+,	PUNCT
+staff	NOUN
+is	AUX
+friendly	ADJ
+,	PUNCT
+and	CCONJ
+I	PRON
+have	AUX
+never	ADV
+waited	VERB
+!	PUNCT
+
+I	PRON
+go	VERB
+every	DET
+other	ADJ
+week	NOUN
+for	ADP
+the	DET
+shallac	NOUN
+/	PUNCT
+gel	NOUN
+manicure	NOUN
+which	PRON
+is	AUX
+only	ADV
+$	SYM
+25	NUM
+and	CCONJ
+it	PRON
+truly	ADV
+lasts	VERB
+2	NUM
+weeks	NOUN
+!	PUNCT
+
+I	PRON
+love	VERB
+it	PRON
+.	PUNCT
+
+Pedicures	NOUN
+are	AUX
+also	ADV
+great	ADJ
+.	PUNCT
+
+Try	VERB
+this	DET
+place	NOUN
+out	ADP
+!	PUNCT
+
+I	PRON
+promise	VERB
+you	PRON
+will	AUX
+not	PART
+be	AUX
+disappointed	VERB
+!	PUNCT
+
+Amazing	ADJ
+Pictures	NOUN
+at	ADP
+an	DET
+Amazing	ADJ
+Price	NOUN
+
+Rendy	PROPN
+is	AUX
+totally	ADV
+amazing	ADJ
+.	PUNCT
+
+She	PRON
+gave	VERB
+me	PRON
+amazing	ADJ
+pictures	NOUN
+at	ADP
+an	DET
+amazing	ADJ
+price	NOUN
+and	CCONJ
+made	VERB
+my	PRON
+wedding	NOUN
+day	NOUN
+so	ADV
+memorable	ADJ
+.	PUNCT
+
+She	PRON
+was	AUX
+way	ADV
+easy	ADJ
+to	PART
+work	VERB
+with	ADP
+and	CCONJ
+made	VERB
+my	PRON
+wedding	NOUN
+day	NOUN
+so	ADV
+easy	ADJ
+and	CCONJ
+she	PRON
+got	VERB
+some	DET
+amazing	ADJ
+pictures	NOUN
+,	PUNCT
+not	ADV
+only	ADV
+of	ADP
+me	PRON
+,	PUNCT
+but	CCONJ
+of	ADP
+my	PRON
+family	NOUN
+and	CCONJ
+friends	NOUN
+.	PUNCT
+
+She	PRON
+is	AUX
+amazing	ADJ
+.	PUNCT
+
+I	PRON
+would	AUX
+recommend	VERB
+her	PRON
+to	ADP
+anyone	PRON
+!	PUNCT
+
+So	ADV
+very	ADV
+delicious	ADJ
+!	PUNCT
+
+Excellent	ADJ
+!	PUNCT
+
+November	PROPN
+7	NUM
+,	PUNCT
+2010	NUM
+First	ADJ
+time	NOUN
+eating	VERB
+at	ADP
+Caffe	PROPN
+Bella	PROPN
+Italia	PROPN
+and	CCONJ
+it	PRON
+was	AUX
+a	DET
+wonderful	ADJ
+experience	NOUN
+.	PUNCT
+
+From	ADP
+the	DET
+delectable	ADJ
+Antipasto	NOUN
+Misto	NOUN
+to	ADP
+the	DET
+Spaghetti	NOUN
+alla	NOUN
+Barese	NOUN
+and	CCONJ
+the	DET
+Parmigiana	NOUN
+and	CCONJ
+ending	VERB
+with	ADP
+gelato	NOUN
+,	PUNCT
+all	DET
+was	AUX
+mouth	NOUN
+watering	VERB
+.	PUNCT
+
+Too	ADV
+bad	ADJ
+they	PRON
+were	AUX
+out	ADP
+of	ADP
+the	DET
+Chocolate	NOUN
+Lava	NOUN
+Cake	NOUN
+.	PUNCT
+
+Maybe	ADV
+next	ADJ
+time	NOUN
+they	PRON
+will	AUX
+have	VERB
+it	PRON
+.	PUNCT
+
+Service	NOUN
+was	AUX
+excellent	ADJ
+!	PUNCT
+
+Sandy	PROPN
+
+Beware	VERB
+of	ADP
+Sharayu	PROPN
+
+Hopless	ADJ
+service	NOUN
+,	PUNCT
+at	ADP
+the	DET
+time	NOUN
+of	SCONJ
+booking	VERB
+my	PRON
+car	NOUN
+a	DET
+lot	NOUN
+was	AUX
+promised	VERB
+but	CCONJ
+delivered	VERB
+not	ADV
+even	ADV
+one	NUM
+tenth	NOUN
+of	SCONJ
+what	PRON
+was	AUX
+promised	VERB
+.	PUNCT
+
+Apart	ADV
+from	ADP
+that	PRON
+in	ADP
+spite	NOUN
+of	ADP
+my	PRON
+repeated	VERB
+attempts	NOUN
+I	PRON
+could	AUX
+not	PART
+get	VERB
+in	ADP
+touch	NOUN
+with	ADP
+the	DET
+manager	NOUN
+to	PART
+even	ADV
+lodge	VERB
+an	DET
+official	ADJ
+complaint	NOUN
+.	PUNCT
+
+My	PRON
+advise	NOUN
+to	ADP
+all	DET
+is	VERB
+I	PRON
+have	AUX
+fallen	VERB
+into	ADP
+this	DET
+trap	NOUN
+...	PUNCT
+pl	INTJ
+ensure	VERB
+you	PRON
+do	AUX
+nt	PART
+!!!	PUNCT
+
+Course	NOUN
+has	AUX
+come	VERB
+a	DET
+long	ADJ
+way	NOUN
+!!	PUNCT
+
+HCC	PROPN
+'s	PART
+new	ADJ
+nine	NUM
+was	AUX
+a	DET
+little	ADJ
+shaky	ADJ
+at	ADV
+first	ADV
+,	PUNCT
+but	CCONJ
+the	DET
+NEW	ADJ
+grounds	NOUN
+superintendant	NOUN
+has	AUX
+done	VERB
+wonders	NOUN
+for	ADP
+the	DET
+course	NOUN
+!!	PUNCT
+
+The	DET
+comment	NOUN
+below	ADV
+definitely	ADV
+needs	VERB
+to	PART
+be	AUX
+retracted	VERB
+!	PUNCT
+
+Come	VERB
+back	ADV
+and	CCONJ
+give	VERB
+HCC	PROPN
+a	DET
+second	ADJ
+chance	NOUN
+at	ADV
+least	ADV
+!	PUNCT
+
+It	PRON
+is	AUX
+a	DET
+great	ADJ
+course	NOUN
+for	SCONJ
+local	ADJ
+golfers	NOUN
+to	PART
+be	AUX
+proud	ADJ
+of	ADP
+and	CCONJ
+all	DET
+the	DET
+comments	NOUN
+in	ADP
+2008	NUM
+have	AUX
+been	AUX
+very	ADV
+positive	ADJ
+!!	PUNCT
+
+Excellent	ADJ
+Physiotherapists	NOUN
+!	PUNCT
+
+Kusal	PROPN
+Goonewardena	PROPN
+and	CCONJ
+his	PRON
+team	NOUN
+of	ADP
+Physios	NOUN
+are	AUX
+unbelievable	ADJ
+!	PUNCT
+
+I	PRON
+have	AUX
+been	AUX
+suffering	VERB
+from	ADP
+back	NOUN
+pain	NOUN
+for	ADP
+over	ADV
+12	NUM
+years	NOUN
+and	CCONJ
+have	AUX
+been	AUX
+to	ADP
+numerous	ADJ
+specialists	NOUN
+,	PUNCT
+physios	NOUN
+,	PUNCT
+osteos	NOUN
+and	CCONJ
+chiros	NOUN
+with	ADP
+no	DET
+help	NOUN
+.	PUNCT
+
+It	PRON
+took	VERB
+the	DET
+Vigor	PROPN
+team	NOUN
+only	ADV
+4	NUM
+visits	NOUN
+to	PART
+get	VERB
+me	PRON
+feeling	VERB
+normal	ADJ
+!	PUNCT
+
+And	CCONJ
+now	ADV
+2	NUM
+months	NOUN
+after	ADP
+my	PRON
+last	ADJ
+appointment	NOUN
+I	PRON
+am	AUX
+better	ADJ
+than	ADP
+ever	ADV
+.	PUNCT
+
+Thanks	NOUN
+guys	NOUN
+!	PUNCT
+
+They	PRON
+must	AUX
+have	AUX
+read	VERB
+these	DET
+reviews	NOUN
+and	CCONJ
+improved	VERB
+!	PUNCT
+
+My	PRON
+husband	NOUN
+and	CCONJ
+I	PRON
+happened	VERB
+in	ADV
+on	ADP
+a	DET
+whim	NOUN
+.	PUNCT
+
+We	PRON
+sat	VERB
+in	ADP
+the	DET
+front	ADJ
+dining	NOUN
+area	NOUN
+,	PUNCT
+it	PRON
+was	AUX
+very	ADV
+cozy	ADJ
+and	CCONJ
+pleasant	ADJ
+.	PUNCT
+
+Our	PRON
+server	NOUN
+was	AUX
+quite	ADV
+attentive	ADJ
+and	CCONJ
+the	DET
+food	NOUN
+was	AUX
+fantastic	ADJ
+.	PUNCT
+
+My	PRON
+husband	NOUN
+has	AUX
+been	AUX
+a	DET
+professional	ADJ
+chef	NOUN
+,	PUNCT
+so	ADV
+he	PRON
+is	AUX
+a	DET
+good	ADJ
+judge	NOUN
+of	ADP
+quality	ADJ
+food	NOUN
+.	PUNCT
+
+This	PRON
+was	AUX
+a	DET
+flavorful	ADJ
+,	PUNCT
+enjoyable	ADJ
+meal	NOUN
+for	ADP
+both	DET
+of	ADP
+us	PRON
+.	PUNCT
+
+Rude	ADJ
+Rude	ADJ
+Rude	ADJ
+
+went	VERB
+in	ADP
+there	ADV
+and	CCONJ
+got	VERB
+my	PRON
+dog	NOUN
+groomed	VERB
+came	VERB
+home	ADV
+to	ADP
+an	DET
+uneven	ADJ
+dog	NOUN
+then	ADV
+took	VERB
+him	PRON
+back	ADV
+to	PART
+get	AUX
+evened	VERB
+up	ADP
+what	PRON
+a	DET
+mistake	NOUN
+!	PUNCT
+
+she	PRON
+did	AUX
+nt	PART
+even	ADV
+let	VERB
+me	PRON
+finish	VERB
+a	DET
+sentence	NOUN
+without	SCONJ
+insulting	VERB
+me	PRON
+and	CCONJ
+telling	VERB
+me	PRON
+how	ADV
+i	PRON
+should	AUX
+have	AUX
+said	VERB
+it	PRON
+!	PUNCT
+
+i	PRON
+wo	AUX
+nt	PART
+go	VERB
+back	ADV
+!	PUNCT
+
+she	PRON
+needs	VERB
+to	PART
+develop	VERB
+a	DET
+personality	NOUN
+!	PUNCT
+
+brought	VERB
+dog	NOUN
+home	NOUN
+and	CCONJ
+it	PRON
+s	AUX
+all	ADV
+choppy	ADJ
+now	ADV
+!	PUNCT
+
+It	PRON
+'s	AUX
+helpful	ADJ
+to	PART
+know	VERB
+a	DET
+quite	DET
+a	DET
+bit	NOUN
+about	ADP
+bull	NOUN
+fighting	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+watch	VERB
+a	DET
+lot	NOUN
+of	ADP
+fights	NOUN
+(	PUNCT
+youtube	PROPN
+)	PUNCT
+and	CCONJ
+research	VERB
+some	DET
+of	ADP
+the	DET
+history	NOUN
+(	PUNCT
+http://en.wikipedia.org/wiki/Bullfighting	X
+)	PUNCT
+you	PRON
+will	AUX
+find	VERB
+yourself	PRON
+enjoying	VERB
+it	PRON
+a	DET
+lot	NOUN
+more	ADV
+!	PUNCT
+
+Also	ADV
+after	SCONJ
+seeing	VERB
+a	DET
+handful	NOUN
+of	ADP
+bullfights	NOUN
+,	PUNCT
+I	PRON
+can	AUX
+say	VERB
+that	SCONJ
+they	PRON
+'re	AUX
+a	DET
+lot	NOUN
+more	ADV
+enjoyable	ADJ
+if	SCONJ
+you	PRON
+'re	AUX
+smashed	ADJ
+(	PUNCT
+BAC	NOUN
+>=	SYM
+.15	NUM
+)	PUNCT
+.	PUNCT
+
+All	DET
+I	PRON
+can	AUX
+say	VERB
+is	VERB
+that	SCONJ
+I	PRON
+am	AUX
+glad	ADJ
+I	PRON
+went	VERB
+in	ADV
+!	PUNCT
+
+The	DET
+nurses	NOUN
+are	AUX
+sweet	ADJ
+as	ADP
+pie	NOUN
+and	CCONJ
+the	DET
+doctor	NOUN
+is	AUX
+wonderful	ADJ
+.	PUNCT
+
+This	DET
+place	NOUN
+is	AUX
+about	ADP
+healing	NOUN
+,	PUNCT
+not	ADV
+making	VERB
+a	DET
+buck	NOUN
+.	PUNCT
+
+The	DET
+followup	NOUN
+visit	NOUN
+is	AUX
+FREE	ADJ
+!!	PUNCT
+
+After	SCONJ
+going	VERB
+to	ADP
+the	DET
+hospital	NOUN
+and	CCONJ
+paying	VERB
+ER	NOUN
+prices	NOUN
+...	PUNCT
+there	PRON
+is	VERB
+no	DET
+way	NOUN
+I	PRON
+wo	AUX
+n't	PART
+be	AUX
+back	ADV
+here	ADV
+!!	PUNCT
+
+I	PRON
+will	AUX
+be	AUX
+back	ADV
+and	CCONJ
+telling	VERB
+EVERYONE	PRON
+about	ADP
+this	DET
+clinic	NOUN
+.	PUNCT
+
+THANK	VERB
+YOU	PRON
+!!	PUNCT
+
+I	PRON
+just	ADV
+like	VERB
+the	DET
+fact	NOUN
+that	SCONJ
+he	PRON
+was	AUX
+able	ADJ
+to	PART
+do	VERB
+the	DET
+specific	ADJ
+type	NOUN
+of	ADP
+repair	NOUN
+I	PRON
+wanted	VERB
+(	PUNCT
+a	DET
+reball	NOUN
+)	PUNCT
+and	CCONJ
+give	VERB
+me	PRON
+the	DET
+longest	ADJ
+warranty	NOUN
+and	CCONJ
+even	ADV
+a	DET
+lower	ADJ
+price	NOUN
+.	PUNCT
+
+Someone	PRON
+else	ADJ
+I	PRON
+found	VERB
+that	PRON
+said	VERB
+they	PRON
+could	AUX
+do	VERB
+it	PRON
+but	CCONJ
+wanted	VERB
+to	PART
+charge	VERB
+me	PRON
+more	ADJ
+and	CCONJ
+give	VERB
+me	PRON
+less	ADJ
+warranty	NOUN
+.	PUNCT
+
+It	PRON
+was	AUX
+a	DET
+no	NOUN
+brainer	NOUN
+really	ADV
+.	PUNCT
+
+I	PRON
+choose	VERB
+Console	PROPN
+Pros	PROPN
+and	CCONJ
+I	PRON
+'m	AUX
+happy	ADJ
+I	PRON
+did	AUX
+.	PUNCT
+
+This	DET
+place	NOUN
+is	AUX
+bad	ADJ
+.	PUNCT
+
+It	PRON
+'s	AUX
+dark	ADJ
+,	PUNCT
+dingy	ADJ
+&	CCONJ
+dirty	ADJ
+.	PUNCT
+
+The	DET
+salads	NOUN
+are	AUX
+limp	ADJ
+and	CCONJ
+the	DET
+rest	NOUN
+of	ADP
+the	DET
+food	NOUN
+is	AUX
+n't	PART
+any	ADV
+better	ADJ
+(	PUNCT
+ok	INTJ
+,	PUNCT
+the	DET
+nachos	NOUN
+are	AUX
+not	PART
+too	ADV
+bad	ADJ
+!	PUNCT
+)	PUNCT
+
+This	DET
+place	NOUN
+may	AUX
+have	AUX
+been	AUX
+something	PRON
+sometime	ADV
+;	PUNCT
+but	CCONJ
+it	PRON
+way	ADV
+past	ADP
+it	PRON
+"	PUNCT
+sell	VERB
+by	ADV
+date	NOUN
+"	PUNCT
+.	PUNCT
+
+I	PRON
+have	AUX
+eaten	VERB
+here	ADV
+twice	ADV
+in	ADP
+the	DET
+past	ADJ
+year	NOUN
+and	CCONJ
+will	AUX
+not	PART
+go	VERB
+back	ADV
+and	CCONJ
+can	AUX
+not	PART
+recommend	VERB
+it	PRON
+.	PUNCT
+
+Top	ADJ
+range	NOUN
+of	ADP
+bike	NOUN
+,	PUNCT
+cheap	ADJ
+prices	NOUN
+,	PUNCT
+excellent	ADJ
+a	NOUN
++++	SYM
+
+yep	INTJ
+they	PRON
+fixeded	VERB
+my	PRON
+thumpstar	PROPN
+in	ADP
+1	NUM
+day	NOUN
+.	PUNCT
+
+it	PRON
+wase	AUX
+nt	PART
+going	VERB
+an	CCONJ
+had	VERB
+a	DET
+gear	NOUN
+box	NOUN
+problem	NOUN
+....	PUNCT
+
+i	PRON
+cold	AUX
+n't	PART
+find	VERB
+anywere	NOUN
+else	ADJ
+local	ADJ
+to	PART
+fix	VERB
+it	PRON
+so	ADV
+i	PRON
+took	VERB
+it	PRON
+there	ADV
+and	CCONJ
+they	PRON
+fixed	VERB
+it	PRON
+for	ADP
+$	SYM
+150	NUM
+...	PUNCT
+
+thanks	NOUN
+guys	NOUN
+goes	VERB
+really	ADV
+well	ADV
+and	CCONJ
+thaks	NOUN
+4	ADP
+the	DET
+cheap	ADJ
+price	NOUN
+..	PUNCT
+
+excellent	ADJ
+,	PUNCT
+top	ADJ
+guys	NOUN
+a	NOUN
++++++	SYM
+reccommend	VERB
+to	ADP
+anyone	PRON
+!!!!!!!!!!	PUNCT
+
+Ham	PROPN
+s	PART
+on	ADP
+Friendly	PROPN
+...	PUNCT
+RIP	INTJ
+
+This	PRON
+is	AUX
+the	DET
+original	ADJ
+Ham	PROPN
+'s	PART
+restaurant	NOUN
+,	PUNCT
+expanded	VERB
+into	ADP
+a	DET
+regional	ADJ
+chain	NOUN
+in	ADP
+the	DET
+late	ADJ
+80's	NOUN
+--	PUNCT
+but	CCONJ
+this	DET
+one	NOUN
+is	AUX
+no	ADV
+more	ADV
+.	PUNCT
+
+Victim	NOUN
+of	ADP
+hard	ADJ
+times	NOUN
+and	CCONJ
+I	PRON
+suspect	VERB
+failing	VERB
+corporate	ADJ
+management	NOUN
+.	PUNCT
+
+According	VERB
+to	ADP
+news	NOUN
+accounts	NOUN
+,	PUNCT
+the	DET
+company	NOUN
+is	AUX
+struggling	VERB
+.	PUNCT
+
+I	PRON
+have	VERB
+many	ADJ
+fond	ADJ
+memories	NOUN
+of	ADP
+my	PRON
+college	NOUN
+evenings	NOUN
+there	ADV
+long	ADV
+ago	ADV
+.	PUNCT
+
+So	ADV
+long	ADV
+Ham	PROPN
+s	PART
+...	PUNCT
+you	PRON
+will	AUX
+be	AUX
+missed	VERB
+.	PUNCT
+
+We	PRON
+are	AUX
+very	ADV
+pleased	ADJ
+with	ADP
+the	DET
+services	NOUN
+of	ADP
+First	PROPN
+Glass	PROPN
+Window	PROPN
+.	PUNCT
+
+Our	PRON
+window	NOUN
+panes	NOUN
+were	AUX
+so	ADV
+dirty	ADJ
+that	SCONJ
+they	PRON
+needed	VERB
+a	DET
+specialist	NOUN
+to	PART
+come	VERB
+and	CCONJ
+clean	VERB
+them	PRON
+.	PUNCT
+
+We	PRON
+called	VERB
+few	ADJ
+companies	NOUN
+before	SCONJ
+we	PRON
+decide	VERB
+to	PART
+hire	VERB
+them	PRON
+.	PUNCT
+
+They	PRON
+came	VERB
+on	ADP
+time	NOUN
+and	CCONJ
+completed	VERB
+their	PRON
+work	NOUN
+quickly	ADV
+.	PUNCT
+
+We	PRON
+were	AUX
+very	ADV
+happy	ADJ
+how	ADV
+clean	ADJ
+looked	VERB
+our	PRON
+windows	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+have	VERB
+some	DET
+problems	NOUN
+with	ADP
+your	PRON
+windows	NOUN
+,	PUNCT
+you	PRON
+should	AUX
+call	VERB
+them	PRON
+.	PUNCT
+
+Great	ADJ
+help	NOUN
+even	ADV
+near	ADP
+closing	NOUN
+time	NOUN
+!	PUNCT
+
+I	PRON
+came	VERB
+in	ADP
+to	ADP
+town	NOUN
+for	ADP
+a	DET
+week	NOUN
+and	CCONJ
+forgot	VERB
+my	PRON
+trainers	NOUN
+!	PUNCT
+
+Oh	INTJ
+no	INTJ
+!!	PUNCT
+
+I	PRON
+came	VERB
+in	ADV
+30	NUM
+min	NOUN
+before	ADP
+close	NOUN
+and	CCONJ
+the	DET
+staff	NOUN
+was	AUX
+super	ADV
+helpful	ADJ
+.	PUNCT
+
+They	PRON
+spent	VERB
+a	DET
+lot	NOUN
+of	ADP
+time	NOUN
+with	ADP
+me	PRON
+and	CCONJ
+got	VERB
+me	PRON
+into	ADP
+a	DET
+great	ADJ
+pair	NOUN
+of	ADP
+shoes	NOUN
+.	PUNCT
+
+I	PRON
+think	VERB
+they	PRON
+may	AUX
+even	ADV
+be	AUX
+better	ADJ
+than	ADP
+the	DET
+pair	NOUN
+I	PRON
+have	AUX
+been	AUX
+using	VERB
+this	DET
+past	ADJ
+year	NOUN
+!	PUNCT
+
+Thanks	NOUN
+Run	PROPN
+on	PROPN
+!	PUNCT
+
+Great	ADJ
+
+This	PRON
+is	AUX
+a	DET
+perfect	ADJ
+place	NOUN
+to	PART
+get	VERB
+your	PRON
+hair	NOUN
+done	VERB
+.	PUNCT
+
+I	PRON
+have	AUX
+gone	VERB
+there	ADV
+time	NOUN
+and	CCONJ
+time	NOUN
+again	ADV
+whenever	ADV
+I	PRON
+need	VERB
+to	PART
+get	VERB
+my	PRON
+hair	NOUN
+done	VERB
+or	CCONJ
+when	ADV
+I	PRON
+want	VERB
+a	DET
+haircut	NOUN
+.	PUNCT
+
+When	ADV
+I	PRON
+get	VERB
+my	PRON
+hair	NOUN
+done	VERB
+there	ADV
+,	PUNCT
+they	PRON
+use	VERB
+enough	ADJ
+hairstyling	NOUN
+products	NOUN
+while	SCONJ
+it	PRON
+does	AUX
+not	PART
+ruin	VERB
+your	PRON
+hair	NOUN
+.	PUNCT
+
+The	DET
+service	NOUN
+is	AUX
+great	ADJ
+and	CCONJ
+during	ADP
+weekends	NOUN
+it	PRON
+tends	VERB
+to	PART
+get	VERB
+busy	ADJ
+,	PUNCT
+but	CCONJ
+the	DET
+wait	NOUN
+is	AUX
+worthwhile	ADJ
+.	PUNCT
+
+Highly	ADV
+Recommend	VERB
+
+I	PRON
+have	AUX
+worked	VERB
+with	ADP
+Shannon	PROPN
+as	ADP
+my	PRON
+massage	NOUN
+therapist	NOUN
+and	CCONJ
+intuitive	ADJ
+bodyworker	NOUN
+for	ADP
+years	NOUN
+and	CCONJ
+have	AUX
+never	ADV
+been	AUX
+disappointed	VERB
+.	PUNCT
+
+No	ADV
+matter	ADV
+what	DET
+state	NOUN
+I	PRON
+am	AUX
+in	ADP
+when	ADV
+I	PRON
+arrive	VERB
+,	PUNCT
+I	PRON
+always	ADV
+leave	VERB
+feeling	VERB
+better	ADJ
+.	PUNCT
+
+She	PRON
+has	AUX
+not	ADV
+only	ADV
+helped	VERB
+me	PRON
+through	ADP
+some	DET
+challenging	ADJ
+computer	NOUN
+-	PUNCT
+work	NOUN
+and	CCONJ
+sports	NOUN
+related	VERB
+injuries	NOUN
+,	PUNCT
+she	PRON
+was	AUX
+wonderful	ADJ
+to	PART
+work	VERB
+with	ADP
+throughout	ADP
+my	PRON
+pregnancy	NOUN
+and	CCONJ
+beyond	ADV
+.	PUNCT
+
+I	PRON
+highly	ADV
+recommend	VERB
+her	PRON
+.	PUNCT
+
+Best	ADJ
+Store	NOUN
+In	ADP
+Boothbay	PROPN
+Harbor	PROPN
+
+What	DET
+a	DET
+fantastic	ADJ
+store	NOUN
+,	PUNCT
+I	PRON
+love	VERB
+this	DET
+place	NOUN
+.	PUNCT
+
+Not	PART
+the	DET
+same	ADJ
+old	ADJ
+stuff	NOUN
+that	PRON
+all	DET
+the	DET
+other	ADJ
+stores	NOUN
+have	VERB
+.	PUNCT
+
+Their	PRON
+items	NOUN
+are	AUX
+very	ADV
+unique	ADJ
+,	PUNCT
+great	ADJ
+quality	NOUN
+,	PUNCT
+great	ADJ
+prices	NOUN
+.	PUNCT
+
+They	PRON
+also	ADV
+have	VERB
+the	DET
+best	ADJ
+tea	NOUN
+I	PRON
+ever	ADV
+had	VERB
+,	PUNCT
+not	PART
+at	ADV
+all	ADV
+like	ADP
+the	DET
+junk	NOUN
+you	PRON
+get	VERB
+at	ADP
+the	DET
+grocery	NOUN
+stores	NOUN
+,	PUNCT
+I	PRON
+stock	VERB
+up	ADP
+when	X
+ever	ADV
+there	ADV
+because	SCONJ
+they	PRON
+are	AUX
+closed	ADJ
+in	ADP
+the	DET
+winter	NOUN
+.	PUNCT
+
+The	DET
+BEST	ADJ
+
+Dr.	PROPN
+Aster	PROPN
+and	CCONJ
+her	PRON
+team	NOUN
+have	AUX
+been	AUX
+a	DET
+strong	ADJ
+advocate	NOUN
+in	ADP
+the	DET
+health	NOUN
+of	ADP
+both	DET
+my	PRON
+daughters	NOUN
+.	PUNCT
+
+Dr.	PROPN
+Aster	PROPN
+is	AUX
+very	ADV
+kind	ADJ
+an	CCONJ
+gentle	ADJ
+with	ADP
+the	DET
+children	NOUN
+,	PUNCT
+but	CCONJ
+also	ADV
+positive	ADJ
+and	CCONJ
+to	ADP
+the	DET
+point	NOUN
+with	ADP
+the	DET
+parents	NOUN
+.	PUNCT
+
+She	PRON
+is	AUX
+and	DET
+excellent	ADJ
+doctor	NOUN
+to	PART
+have	VERB
+on	ADP
+one	PRON
+'s	PART
+team	NOUN
+.	PUNCT
+
+Even	ADV
+though	SCONJ
+I	PRON
+live	VERB
+pretty	ADV
+far	ADV
+from	ADP
+her	PRON
+office	NOUN
+I	PRON
+still	ADV
+make	VERB
+the	DET
+trip	NOUN
+so	SCONJ
+my	PRON
+daughters	NOUN
+will	AUX
+have	VERB
+the	DET
+BEST	ADJ
+!	PUNCT
+
+My	PRON
+wife	NOUN
+and	CCONJ
+I	PRON
+avoided	VERB
+doing	VERB
+some	DET
+fairly	ADV
+simple	ADJ
+electrical	ADJ
+re-wiring	NOUN
+in	ADP
+our	PRON
+home	NOUN
+for	ADP
+several	ADJ
+years	NOUN
+due	ADP
+to	ADP
+overall	ADJ
+hassle	NOUN
+and	CCONJ
+cost	NOUN
+involved	VERB
+.	PUNCT
+
+I	PRON
+finally	ADV
+called	VERB
+Matt	PROPN
+from	ADP
+Bonafide	PROPN
+and	CCONJ
+he	PRON
+made	VERB
+the	DET
+project	NOUN
+both	CCONJ
+easy	ADJ
+for	ADP
+us	PRON
+and	CCONJ
+reasonable	ADJ
+.	PUNCT
+
+He	PRON
+was	AUX
+prompt	ADJ
+,	PUNCT
+knowledgable	ADJ
+,	PUNCT
+friendly	ADJ
+,	PUNCT
+clean	ADJ
+and	CCONJ
+just	ADV
+an	DET
+overall	ADJ
+great	ADJ
+guy	NOUN
+who	PRON
+obviously	ADV
+cares	VERB
+about	ADP
+his	PRON
+business	NOUN
+.	PUNCT
+
+I	PRON
+will	AUX
+reccommend	VERB
+his	PRON
+services	NOUN
+however	ADV
+/	SYM
+whenever	ADV
+possible	ADJ
+!	PUNCT
+
+Real	ADJ
+pros	NOUN
+
+I	PRON
+'ve	AUX
+had	VERB
+writer	NOUN
+friends	NOUN
+describe	VERB
+horror	NOUN
+stories	NOUN
+with	ADP
+their	PRON
+printers	NOUN
+.	PUNCT
+
+I	PRON
+tell	VERB
+them	PRON
+:	PUNCT
+why	ADV
+not	PART
+just	ADV
+go	VERB
+with	ADP
+these	DET
+guys	NOUN
+?	PUNCT
+
+Richard	PROPN
+Joule	PROPN
+and	CCONJ
+the	DET
+gang	NOUN
+are	AUX
+pros	NOUN
+from	ADP
+start	NOUN
+to	ADP
+finish	NOUN
+.	PUNCT
+
+They	PRON
+set	VERB
+out	ADP
+to	PART
+exceed	VERB
+your	PRON
+expectations	NOUN
+.	PUNCT
+
+Already	ADV
+I	PRON
+'m	AUX
+considering	VERB
+future	ADJ
+projects	NOUN
+,	PUNCT
+and	CCONJ
+I	PRON
+can	AUX
+assure	VERB
+you	PRON
+that	SCONJ
+for	ADP
+my	PRON
+printing	NOUN
+needs	NOUN
+I	PRON
+will	AUX
+be	AUX
+choosing	VERB
+no	DET
+other	ADJ
+than	ADP
+Atlanta	PROPN
+Paperback	PROPN
+Book	PROPN
+Printing	PROPN
+.	PUNCT
+
+I	PRON
+have	AUX
+been	AUX
+here	ADV
+3	NUM
+times	NOUN
+and	CCONJ
+all	DET
+3	NUM
+times	NOUN
+it	PRON
+has	AUX
+been	AUX
+bad	ADJ
+!	PUNCT
+
+They	PRON
+have	AUX
+messed	VERB
+up	ADP
+my	PRON
+order	NOUN
+and	CCONJ
+....	PUNCT
+The	DET
+food	NOUN
+was	AUX
+just	ADV
+not	PART
+good	ADJ
+!	PUNCT
+
+I	PRON
+had	VERB
+sonic	PROPN
+in	ADP
+many	ADJ
+other	ADJ
+palces	NOUN
+but	CCONJ
+for	ADP
+some	DET
+reason	NOUN
+this	DET
+sonic	PROPN
+is	AUX
+always	ADV
+just	ADV
+covered	VERB
+in	ADP
+grease	NOUN
+and	CCONJ
+not	ADV
+good	ADJ
+...	PUNCT
+:(	SYM
+
+I	PRON
+hope	VERB
+they	PRON
+get	VERB
+there	PRON
+act	NOUN
+together	ADJ
+...	PUNCT
+
+I	PRON
+am	AUX
+going	VERB
+to	PART
+give	VERB
+it	PRON
+one	NUM
+last	ADJ
+chance	NOUN
+in	ADP
+next	ADJ
+few	ADJ
+months	NOUN
+and	CCONJ
+see	VERB
+??	PUNCT
+
+I	PRON
+called	VERB
+them	PRON
+for	ADP
+an	DET
+estimate	NOUN
+and	CCONJ
+they	PRON
+INSULTED	VERB
+ME	PRON
+WHEN	ADV
+I	PRON
+ASK	VERB
+THEM	PRON
+QUESTIONS	NOUN
+.	PUNCT
+
+THEY	PRON
+ARE	AUX
+VERY	ADV
+RUDE	ADJ
+AND	CCONJ
+NASTY	ADJ
+.	PUNCT
+
+PLEASE	INTJ
+DO	AUX
+N'T	PART
+USE	VERB
+THIS	DET
+MOVING	NOUN
+COMPANY	NOUN
+IF	SCONJ
+YOU	PRON
+DO	AUX
+N'T	PART
+WANT	VERB
+TO	PART
+:	PUNCT
+CRY	VERB
+,	PUNCT
+HAVE	VERB
+TROUBLE	NOUN
+AND	CCONJ
+A	DET
+BAD	ADJ
+EXPERIENCE	NOUN
+ON	ADP
+THE	DET
+DAY	NOUN
+OF	ADP
+YOUR	PRON
+MOVE	NOUN
+.	PUNCT
+
+THEY	PRON
+WILL	AUX
+GIVE	VERB
+YOU	PRON
+A	DET
+LOW	ADJ
+PRICE	NOUN
+OVER	ADP
+THE	DET
+PHONE	NOUN
+AND	CCONJ
+ON	ADP
+THE	DET
+DAY	NOUN
+OF	ADP
+YOUR	PRON
+MOVE	NOUN
+THEY	PRON
+WILL	AUX
+CHANGE	VERB
+THE	DET
+PRICE	NOUN
+,	PUNCT
+I	PRON
+GUARANTEE	VERB
+IT	PRON
+.	PUNCT
+
+You	PRON
+'ve	AUX
+Got	VERB
+Maids	PROPN
+did	VERB
+a	DET
+fabulous	ADJ
+job	NOUN
+cleaning	VERB
+my	PRON
+home	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+hiring	VERB
+them	PRON
+to	PART
+come	VERB
+once	ADV
+a	DET
+week	NOUN
+now	ADV
+that	SCONJ
+they	PRON
+got	VERB
+my	PRON
+house	NOUN
+to	SCONJ
+where	ADV
+they	PRON
+can	AUX
+maintain	VERB
+it	PRON
+for	ADP
+only	ADV
+an	DET
+hour	NOUN
+and	CCONJ
+a	DET
+half	NOUN
+every	DET
+two	NUM
+weeks	NOUN
+!	PUNCT
+
+Satisfactory	ADJ
+for	ADP
+sure	ADJ
+with	ADP
+the	DET
+sercvice	NOUN
+!	PUNCT
+
+Beats	VERB
+having	VERB
+one	NUM
+"	PUNCT
+cleaning	NOUN
+lady	NOUN
+"	PUNCT
+who	PRON
+took	VERB
+twice	ADV
+as	ADV
+long	ADV
+and	CCONJ
+did	AUX
+not	PART
+do	VERB
+a	DET
+very	ADV
+through	ADJ
+job	NOUN
+like	SCONJ
+the	DET
+"	PUNCT
+maids	NOUN
+"	PUNCT
+did	AUX
+!	PUNCT
+
+This	DET
+place	NOUN
+has	VERB
+the	DET
+best	ADJ
+baby	NOUN
+and	CCONJ
+children	NOUN
+s	PART
+clothes	NOUN
+.	PUNCT
+
+Especially	ADV
+high	ADJ
+end	NOUN
+keep	NOUN
+sake	NOUN
+sort	NOUN
+of	ADP
+clothing	NOUN
+that	PRON
+you	PRON
+just	ADV
+ca	AUX
+nt	PART
+find	VERB
+in	ADP
+a	DET
+lot	NOUN
+of	ADP
+stores	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+all	ADV
+very	ADV
+unique	ADJ
+and	CCONJ
+you	PRON
+wo	AUX
+nt	PART
+find	VERB
+any	DET
+other	ADJ
+baby	NOUN
+wearing	VERB
+the	DET
+same	ADJ
+stuff	NOUN
+.	PUNCT
+
+I	PRON
+spent	VERB
+quite	DET
+a	DET
+bit	NOUN
+because	SCONJ
+I	PRON
+spoil	VERB
+my	PRON
+little	ADJ
+princess	NOUN
+.	PUNCT
+
+After	ADV
+all	ADV
+she	PRON
+will	AUX
+only	ADV
+be	AUX
+a	DET
+baby	NOUN
+for	ADP
+so	ADV
+long	ADV
+I	PRON
+figure	VERB
+why	ADV
+not	PART
+enjoy	VERB
+it	PRON
+.	PUNCT
+
+Antique	ADJ
+Lighting	NOUN
+,	PUNCT
+Fixtures	NOUN
+,	PUNCT
+Chicago	PROPN
+
+Great	ADJ
+place	NOUN
+for	ADP
+Antique	ADJ
+Lighting	NOUN
+!	PUNCT
+
+I	PRON
+visited	VERB
+their	PRON
+huge	ADJ
+Chicago	PROPN
+lighting	NOUN
+showroom	NOUN
+and	CCONJ
+all	DET
+I	PRON
+have	VERB
+to	PART
+say	VERB
+is	AUX
+WOW	INTJ
+!!	PUNCT
+
+Lots	NOUN
+of	ADP
+collections	NOUN
+,	PUNCT
+many	ADJ
+antique	ADJ
+light	NOUN
+fixtures	NOUN
+,	PUNCT
+Chandeliers	NOUN
+,	PUNCT
+custom	ADJ
+lighting	NOUN
+etc	X
+.	PUNCT
+
+I	PRON
+think	VERB
+they	PRON
+have	VERB
+the	DET
+largest	ADJ
+collection	NOUN
+for	ADP
+Chandeliers	NOUN
+Chicago	PROPN
+.	PUNCT
+
+Antiques	NOUN
+,	PUNCT
+Vintage	ADJ
+,	PUNCT
+Contemporary	ADJ
+&	CCONJ
+Modern	ADJ
+Chandeliers	NOUN
+.	PUNCT
+
+I	PRON
+would	AUX
+recommend	VERB
+them	PRON
+for	ADP
+any	DET
+custom	ADJ
+lighting	NOUN
+or	CCONJ
+Lighting	NOUN
+Repair	NOUN
+and	CCONJ
+Restoration	NOUN
+Chicago	PROPN
+
+Great	ADJ
+Food	NOUN
+Awesome	ADJ
+food	NOUN
+Awesome	ADJ
+service	NOUN
+
+I	PRON
+wanted	VERB
+to	PART
+try	VERB
+someplace	NOUN
+new	ADJ
+again	ADV
+.	PUNCT
+
+This	DET
+place	NOUN
+rocked	VERB
+.	PUNCT
+
+Brought	VERB
+my	PRON
+wife	NOUN
+Deb	PROPN
+with	ADP
+me	PRON
+and	CCONJ
+she	PRON
+like	VERB
+the	DET
+Fried	VERB
+Crab	NOUN
+Wontons	NOUN
+and	CCONJ
+said	VERB
+they	PRON
+were	AUX
+good	ADJ
+..	PUNCT
+
+We	PRON
+also	ADV
+had	VERB
+the	DET
+BBQ	NOUN
+Spare	NOUN
+Ribs	NOUN
+..	PUNCT
+good	ADJ
+also	ADV
+.	PUNCT
+
+I	PRON
+ordered	VERB
+the	DET
+MOO	NOUN
+SHU	NOUN
+pork	NOUN
+and	CCONJ
+it	PRON
+was	AUX
+great	ADJ
+..	PUNCT
+
+I	PRON
+also	ADV
+ordered	VERB
+the	DET
+Neptune	PROPN
+Platter	NOUN
+which	PRON
+was	AUX
+awesome	ADJ
+...	PUNCT
+so	ADV
+this	DET
+place	NOUN
+gets	VERB
+5	NUM
+out	ADP
+of	ADP
+5	NUM
+stars	NOUN
+.	PUNCT
+
+DO	AUX
+NOT	PART
+GO	VERB
+HERE	ADV
+!!!	PUNCT
+
+I	PRON
+went	VERB
+to	PART
+get	VERB
+my	PRON
+nails	NOUN
+filled	VERB
+Friday	PROPN
+,	PUNCT
+by	ADP
+Monday	PROPN
+2	NUM
+were	AUX
+broken	ADJ
+.	PUNCT
+
+I	PRON
+was	AUX
+not	PART
+happy	ADJ
+with	ADP
+the	DET
+way	NOUN
+they	PRON
+looked	VERB
+,	PUNCT
+very	ADV
+wavy	ADJ
+,	PUNCT
+uneven	ADJ
+edges	NOUN
+,	PUNCT
+and	CCONJ
+with	ADP
+the	DET
+exception	NOUN
+of	ADP
+1	NUM
+,	PUNCT
+there	PRON
+is	VERB
+a	DET
+dip	NOUN
+in	ADP
+the	DET
+center	NOUN
+of	ADP
+each	DET
+nail	NOUN
+.	PUNCT
+
+I	PRON
+also	ADV
+had	VERB
+a	DET
+pedicure	NOUN
+,	PUNCT
+and	CCONJ
+they	PRON
+cut	VERB
+my	PRON
+nails	NOUN
+too	ADV
+short	ADJ
+,	PUNCT
+one	NUM
+of	ADP
+my	PRON
+big	ADJ
+toes	NOUN
+looks	VERB
+like	SCONJ
+it	PRON
+s	AUX
+getting	VERB
+infected	ADJ
+.	PUNCT
+
+No	DET
+way	NOUN
+.	PUNCT
+
+I	PRON
+'m	AUX
+certainly	ADV
+no	DET
+expert	NOUN
+on	ADP
+asian	ADJ
+food	NOUN
+in	ADP
+fact	NOUN
+not	PART
+even	ADV
+a	DET
+lover	NOUN
+of	ADP
+Vietnamese	ADJ
+food	NOUN
+but	CCONJ
+I	PRON
+wanted	VERB
+to	PART
+try	VERB
+the	DET
+real	ADJ
+things	NOUN
+here	ADV
+at	ADP
+A	PROPN
+Dong	PROPN
+.	PUNCT
+
+Cold	ADJ
+,	PUNCT
+slimy	ADJ
+,	PUNCT
+tasteless	ADJ
+however	ADV
+is	AUX
+the	DET
+same	ADJ
+in	ADP
+all	DET
+languages	NOUN
+and	CCONJ
+foods	NOUN
+.	PUNCT
+
+Not	ADV
+good	ADJ
+,	PUNCT
+not	ADV
+great	ADJ
+,	PUNCT
+and	CCONJ
+again	ADV
+another	DET
+disappointment	NOUN
+in	ADP
+Central	PROPN
+Iowa	PROPN
+.	PUNCT
+
+How	ADV
+do	AUX
+these	DET
+places	NOUN
+stay	VERB
+in	ADP
+business	NOUN
+.	PUNCT
+
+This	DET
+town	NOUN
+needs	VERB
+some	DET
+food	NOUN
+soul	NOUN
+and	CCONJ
+this	PRON
+is	AUX
+not	PART
+it	PRON
+.	PUNCT
+
+Worth	ADJ
+Every	ADJ
+Penny	NOUN
+
+My	PRON
+girlfriend	NOUN
+and	CCONJ
+I	PRON
+ate	VERB
+at	ADP
+The	DET
+Grill	PROPN
+last	ADJ
+night	NOUN
+,	PUNCT
+and	CCONJ
+our	PRON
+experience	NOUN
+was	AUX
+amazing	ADJ
+.	PUNCT
+
+Everything	PRON
+we	PRON
+ordered	VERB
+was	AUX
+prepared	VERB
+to	ADP
+perfection	NOUN
+,	PUNCT
+and	CCONJ
+was	AUX
+presented	VERB
+perfectly	ADV
+.	PUNCT
+
+The	DET
+asparagus	NOUN
+,	PUNCT
+seared	VERB
+tuna	NOUN
+,	PUNCT
+and	CCONJ
+lobster	NOUN
+tail	NOUN
+were	AUX
+the	DET
+best	ADJ
+we	PRON
+ever	ADV
+had	VERB
+.	PUNCT
+
+Then	ADV
+the	DET
+desserts	NOUN
+came	VERB
+,	PUNCT
+and	CCONJ
+they	PRON
+were	AUX
+hands	NOUN
+down	ADV
+the	DET
+best	ADJ
+dessert	NOUN
+we	PRON
+ever	ADV
+had	VERB
+.	PUNCT
+
+I	PRON
+will	AUX
+sum	VERB
+it	PRON
+up	ADP
+with	ADP
+,	PUNCT
+it	PRON
+was	AUX
+worth	ADJ
+every	DET
+penny	NOUN
+!	PUNCT
+
+BEST	ADJ
+CHINESE	ADJ
+RESTAURANT	NOUN
+EVER	ADV
+!!!	PUNCT
+
+It	PRON
+was	AUX
+the	DET
+best	ADJ
+Chinese	ADJ
+food	NOUN
+I	PRON
+have	AUX
+ever	ADV
+had	VERB
+.	PUNCT
+
+All	DET
+the	DET
+food	NOUN
+tasted	VERB
+excellent	ADJ
+,	PUNCT
+and	CCONJ
+with	ADP
+the	DET
+new	ADJ
+renovation	NOUN
+of	ADP
+chairs	NOUN
+and	CCONJ
+the	DET
+bathroom	NOUN
+,	PUNCT
+it	PRON
+is	AUX
+awesome	ADJ
+.	PUNCT
+
+The	DET
+people	NOUN
+working	VERB
+their	ADV
+are	AUX
+also	ADV
+extremely	ADV
+polite	NOUN
+and	CCONJ
+friendly	ADJ
+.	PUNCT
+
+Every	DET
+time	NOUN
+I	PRON
+go	VERB
+,	PUNCT
+Kevin	PROPN
+,	PUNCT
+the	DET
+manager	NOUN
+,	PUNCT
+will	AUX
+always	ADV
+remember	VERB
+my	PRON
+family	NOUN
+and	CCONJ
+I	PRON
+.	PUNCT
+
+Overall	ADV
+,	PUNCT
+it	PRON
+is	AUX
+very	ADV
+family	NOUN
+oriented	ADJ
+,	PUNCT
+and	CCONJ
+I	PRON
+recommend	VERB
+it	PRON
+to	ADP
+everyone	PRON
+!!!	PUNCT
+
+Furnace	NOUN
+repair	NOUN
+
+Tiger	PROPN
+Heating	PROPN
+is	AUX
+awesome	ADJ
+.	PUNCT
+
+I	PRON
+had	VERB
+John	PROPN
+and	CCONJ
+Dustin	PROPN
+working	VERB
+feverishly	ADV
+to	PART
+get	VERB
+my	PRON
+exhaust	NOUN
+motor	NOUN
+replaced	VERB
+.	PUNCT
+
+These	DET
+guys	NOUN
+were	AUX
+absolutely	ADV
+professional	ADJ
+.	PUNCT
+
+John	PROPN
+was	AUX
+here	ADV
+in	ADP
+45	NUM
+minutes	NOUN
+after	SCONJ
+I	PRON
+called	VERB
+on	ADP
+a	DET
+10	NUM
+below	ADP
+zero	NUM
+early	ADJ
+Sunday	PROPN
+morning	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+need	VERB
+someone	PRON
+to	PART
+help	VERB
+you	PRON
+out	ADP
+with	ADP
+your	PRON
+heating	NOUN
+problems	NOUN
+,	PUNCT
+I	PRON
+DEFINITELY	ADV
+would	AUX
+call	VERB
+TIGER	PROPN
+HEATING	PROPN
+and	CCONJ
+AIR	PROPN
+.	PUNCT
+
+Absolutely	ADV
+a	DET
+wonderful	ADJ
+company	NOUN
+.	PUNCT
+
+My	PRON
+family	NOUN
+and	CCONJ
+I	PRON
+thank	VERB
+you	PRON
+!!!!!!!!!!	PUNCT
+
+They	PRON
+Suck	VERB
+
+Go	VERB
+somewhere	ADV
+else	ADV
+...	PUNCT
+
+Wanted	VERB
+to	PART
+buy	VERB
+a	DET
+Rhino	PROPN
+700	PROPN
+and	CCONJ
+a	DET
+Grizzly	PROPN
+700	PROPN
+.	PUNCT
+
+After	SCONJ
+searching	VERB
+high	ADV
+and	CCONJ
+low	ADV
+for	ADP
+a	DET
+salesman	NOUN
+,	PUNCT
+I	PRON
+was	AUX
+treated	VERB
+like	ADP
+dirt	NOUN
+,	PUNCT
+and	CCONJ
+we	PRON
+left	VERB
+.	PUNCT
+
+Parts	NOUN
+department	NOUN
+blows	VERB
+,	PUNCT
+Service	NOUN
+department	NOUN
+is	AUX
+even	ADV
+worse	ADJ
+.	PUNCT
+
+I	PRON
+live	VERB
+10	NUM
+minutes	NOUN
+from	ADP
+Cycle	PROPN
+City	PROPN
+,	PUNCT
+but	CCONJ
+I	PRON
+Drove	VERB
+50	NUM
+mile	NOUN
+south	ADV
+to	ADP
+Peachstate	PROPN
+Powersports	PROPN
+in	ADP
+LaGrange	PROPN
+,	PUNCT
+dealt	VERB
+with	ADP
+the	DET
+owner	NOUN
+,	PUNCT
+Levi	PROPN
+,	PUNCT
+and	CCONJ
+was	AUX
+well	ADV
+taken	VERB
+care	NOUN
+of	ADP
+.	PUNCT
+
+Professional	ADJ
+and	CCONJ
+inspiring	ADJ
+
+Nigel	PROPN
+from	ADP
+Nidd	PROPN
+Design	PROPN
+has	AUX
+always	ADV
+provided	VERB
+a	DET
+first	ADJ
+class	NOUN
+service	NOUN
+,	PUNCT
+from	ADP
+his	PRON
+advice	NOUN
+and	CCONJ
+professionalism	NOUN
+to	ADP
+the	DET
+quality	NOUN
+of	ADP
+his	PRON
+design	NOUN
+drawings	NOUN
+and	CCONJ
+planning	NOUN
+applications	NOUN
+.	PUNCT
+
+His	PRON
+knowledge	NOUN
+and	CCONJ
+expertise	NOUN
+help	VERB
+smooth	VERB
+the	DET
+way	NOUN
+with	ADP
+any	DET
+planning	NOUN
+application	NOUN
+,	PUNCT
+ensuring	VERB
+compliance	NOUN
+with	ADP
+the	DET
+building	NOUN
+regulations	NOUN
+.	PUNCT
+
+Once	SCONJ
+you	PRON
+have	AUX
+met	VERB
+Nigel	PROPN
+you	PRON
+will	AUX
+not	PART
+want	VERB
+to	PART
+work	VERB
+with	ADP
+anyone	PRON
+else	ADJ
+.	PUNCT
+
+He	PRON
+really	ADV
+does	AUX
+turn	VERB
+your	PRON
+dreams	NOUN
+into	ADP
+reality	NOUN
+for	ADP
+your	PRON
+home	NOUN
+!	PUNCT
+
+We	PRON
+came	VERB
+at	ADP
+around	ADV
+730	NUM
+and	CCONJ
+they	PRON
+close	VERB
+at	ADP
+8	NUM
+and	CCONJ
+wanted	VERB
+to	PART
+try	VERB
+the	DET
+specials	NOUN
+but	CCONJ
+they	PRON
+were	AUX
+out	ADV
+for	ADP
+the	DET
+day	NOUN
+so	ADV
+I	PRON
+would	AUX
+say	VERB
+go	VERB
+way	ADV
+before	SCONJ
+they	PRON
+close	VERB
+.	PUNCT
+
+Got	VERB
+the	DET
+crab	NOUN
+rangoon	NOUN
+which	PRON
+was	AUX
+great	ADJ
+,	PUNCT
+tofu	NOUN
+with	ADP
+cabbage	NOUN
+which	PRON
+was	AUX
+spicy	ADJ
+but	CCONJ
+good	ADJ
+and	CCONJ
+shrimp	NOUN
+satay	NOUN
+which	PRON
+was	AUX
+also	ADV
+good	ADJ
+.	PUNCT
+
+Def	ADV
+going	VERB
+to	PART
+come	VERB
+back	ADV
+and	CCONJ
+try	VERB
+this	DET
+place	NOUN
+again	ADV
+.	PUNCT
+
+Bea	PROPN
+was	AUX
+really	ADV
+nice	ADJ
+and	CCONJ
+asked	VERB
+how	ADV
+the	DET
+food	NOUN
+was	AUX
+.	PUNCT
+
+Cute	ADJ
+place	NOUN
+also	ADV
+
+As	ADP
+a	DET
+native	ADJ
+southern	ADJ
+Californian	PROPN
+I	PRON
+can	AUX
+tell	VERB
+you	PRON
+that	SCONJ
+this	PRON
+is	AUX
+not	PART
+authentic	ADJ
+Mexican	ADJ
+food	NOUN
+.	PUNCT
+
+However	ADV
+,	PUNCT
+I	PRON
+still	ADV
+like	VERB
+this	DET
+place	NOUN
+a	DET
+lot	NOUN
+.	PUNCT
+
+Esp.	ADV
+the	DET
+mole	NOUN
+,	PUNCT
+tortilla	NOUN
+soup	NOUN
+,	PUNCT
+and	CCONJ
+guacamole	NOUN
+.	PUNCT
+
+Margaritas	NOUN
+are	AUX
+alright	ADJ
+.	PUNCT
+
+My	PRON
+only	ADJ
+complaint	NOUN
+is	AUX
+the	DET
+QUESO	NOUN
+.	PUNCT
+
+It	PRON
+used	VERB
+to	PART
+be	AUX
+fabulous	ADJ
+,	PUNCT
+why	ADV
+did	AUX
+you	PRON
+guys	NOUN
+change	VERB
+it	PRON
+??	PUNCT
+
+Queso	NOUN
+should	AUX
+not	PART
+be	AUX
+watery	ADJ
+:(	SYM
+.....	PUNCT
+
+***	PUNCT
+update	NOUN
+***	PUNCT
+NEVER	ADV
+MIND	VERB
+!	PUNCT
+
+They	PRON
+fixed	VERB
+the	DET
+queso	NOUN
+!	PUNCT
+
+Thank	VERB
+you	PRON
+thank	VERB
+you	PRON
+
+There	PRON
+are	VERB
+so	ADV
+many	ADJ
+wonderful	ADJ
+great	ADJ
+places	NOUN
+to	PART
+dine	VERB
+in	ADP
+houston	PROPN
+....	PUNCT
+do	AUX
+n't	PART
+.	PUNCT
+waste	VERB
+your	PRON
+time	NOUN
+here	ADV
+.	PUNCT
+
+I	PRON
+had	VERB
+the	DET
+morelias	NOUN
+enchiladas	NOUN
+.	PUNCT
+
+The	DET
+sauce	NOUN
+was	AUX
+dry	ADJ
+and	CCONJ
+the	DET
+enchiladas	NOUN
+did	AUX
+not	PART
+taste	VERB
+good	ADJ
+.	PUNCT
+at	ADV
+all	ADV
+.	PUNCT
+
+In	ADP
+fact	NOUN
+my	PRON
+friend	NOUN
+vomited	VERB
+after	ADP
+our	PRON
+meal	NOUN
+.	PUNCT
+
+Maybe	ADV
+we	PRON
+ordered	VERB
+the	DET
+wrong	ADJ
+dish	NOUN
+but	CCONJ
+my	PRON
+experience	NOUN
+here	ADV
+was	AUX
+poor	ADJ
+.	PUNCT
+
+Service	NOUN
+was	AUX
+okay	ADJ
+not	CCONJ
+great	ADJ
+,	PUNCT
+we	PRON
+came	VERB
+for	ADP
+a	DET
+late	ADJ
+lunch	NOUN
+.	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+recommend	VERB
+this	DET
+place	NOUN
+.	PUNCT
+
+Skylight	NOUN
+repair	NOUN
+
+My	PRON
+skylight	NOUN
+was	AUX
+making	VERB
+a	DET
+horrible	ADJ
+noise	NOUN
+when	ADV
+the	DET
+wind	NOUN
+blew	VERB
+.	PUNCT
+
+James	PROPN
+Bateman	PROPN
+came	VERB
+the	DET
+day	NOUN
+I	PRON
+called	VERB
+and	CCONJ
+fixed	VERB
+the	DET
+problem	NOUN
+quickly	ADV
+and	CCONJ
+efficiently	ADV
+.	PUNCT
+
+He	PRON
+also	ADV
+inspected	VERB
+my	PRON
+entie	ADJ
+roof	NOUN
+to	PART
+see	VERB
+if	SCONJ
+there	PRON
+was	VERB
+anything	PRON
+else	ADJ
+that	PRON
+needed	VERB
+attention	NOUN
+.	PUNCT
+
+He	PRON
+called	VERB
+the	DET
+next	ADJ
+day	NOUN
+to	PART
+see	VERB
+if	SCONJ
+everything	PRON
+was	AUX
+to	ADP
+my	PRON
+satisfaction	NOUN
+.	PUNCT
+
+When	ADV
+the	DET
+next	ADJ
+hailstorm	NOUN
+blows	VERB
+through	ADV
+,	PUNCT
+I	PRON
+will	AUX
+not	PART
+hesitate	VERB
+to	PART
+contact	VERB
+James	PROPN
+at	ADP
+Team	PROPN
+Texas	PROPN
+Construction	PROPN
+.	PUNCT
+
+tricky	ADJ
+short	ADJ
+guy	NOUN
+
+The	DET
+new	ADJ
+management	NOUN
+is	AUX
+tricky	ADJ
+and	CCONJ
+talk	VERB
+you	PRON
+into	SCONJ
+getting	VERB
+video	NOUN
+rental	NOUN
+agreement	NOUN
+.	PUNCT
+
+To	ADP
+my	PRON
+surprise	NOUN
+$	SYM
+20	NUM
+deposit	NOUN
+....	PUNCT
+New	ADJ
+movies	NOUN
+not	ADV
+on	ADP
+shelf	NOUN
+..	PUNCT
+under	ADP
+the	DET
+counter	NOUN
+for	ADP
+Telugu	PROPN
+Speaking	VERB
+people	NOUN
+only	ADV
+...	PUNCT
+or	CCONJ
+people	NOUN
+who	PRON
+spend	VERB
+$	SYM
+30	NUM
+or	CCONJ
+more	ADJ
+groceries	NOUN
+..	PUNCT
+
+That	PRON
+did	VERB
+it	PRON
+for	ADP
+me	PRON
+..	PUNCT
+no	ADV
+more	ADJ
+Raina	PROPN
+'s	PART
+.	PUNCT
+
+Besides	ADV
+parking	NOUN
+is	AUX
+a	DET
+pain	NOUN
+..	PUNCT
+cramped	ADJ
+and	CCONJ
+un-ruly	ADJ
+with	SCONJ
+Kumon	PROPN
+Parents	PROPN
+next	ADJ
+door	NOUN
+....	PUNCT
+gives	VERB
+me	PRON
+heebee	NOUN
+gee	NOUN
+bees'	NOUN
+
+Small	ADJ
+Firm	NOUN
+with	ADP
+Great	ADJ
+Service	NOUN
+
+Bloom	PROPN
+Legal	PROPN
+was	AUX
+really	ADV
+attentive	ADJ
+to	ADP
+my	PRON
+problem	NOUN
+,	PUNCT
+and	CCONJ
+Seth	PROPN
+Bloom	PROPN
+took	VERB
+the	DET
+time	NOUN
+to	PART
+help	VERB
+me	PRON
+understand	VERB
+the	DET
+legal	ADJ
+issue	NOUN
+I	PRON
+was	AUX
+dealing	VERB
+with	ADP
+.	PUNCT
+
+I	PRON
+much	ADV
+preferred	VERB
+the	DET
+one	NUM
+-	PUNCT
+on	ADP
+-	PUNCT
+one	NUM
+service	NOUN
+here	ADV
+to	ADP
+the	DET
+experiences	NOUN
+I	PRON
+'ve	AUX
+had	VERB
+with	ADP
+bigger	ADJ
+offices	NOUN
+and	CCONJ
+firms	NOUN
+.	PUNCT
+
+While	SCONJ
+I	PRON
+hope	VERB
+I	PRON
+do	AUX
+n't	PART
+have	VERB
+any	DET
+need	NOUN
+for	ADP
+a	DET
+lawyer	NOUN
+anytime	NOUN
+soon	ADV
+,	PUNCT
+if	SCONJ
+I	PRON
+do	AUX
+I	PRON
+'ll	AUX
+definitely	ADV
+use	VERB
+this	DET
+firm	NOUN
+again	ADV
+.	PUNCT
+
+Used	VERB
+their	PRON
+service	NOUN
+for	ADP
+the	DET
+first	ADJ
+time	NOUN
+and	CCONJ
+was	AUX
+immediately	ADV
+impressed	VERB
+by	ADP
+their	PRON
+professionalism	NOUN
+(	PUNCT
+received	VERB
+a	DET
+phone	NOUN
+call	NOUN
+soon	ADV
+after	SCONJ
+order	NOUN
+was	AUX
+placed	VERB
+to	PART
+confirm	VERB
+details	NOUN
+)	PUNCT
+and	CCONJ
+the	DET
+subsequent	ADJ
+delivery	NOUN
+of	ADP
+my	PRON
+gift	NOUN
+(	PUNCT
+To	ADP
+Split	PROPN
+,	PUNCT
+Croatia	PROPN
+)	PUNCT
+was	VERB
+as	SCONJ
+requested	VERB
+.	PUNCT
+
+The	DET
+gift	NOUN
+itself	PRON
+was	VERB
+exactly	ADV
+as	SCONJ
+described	VERB
+and	CCONJ
+pictured	VERB
+in	ADP
+the	DET
+catalogue	NOUN
+and	CCONJ
+of	ADP
+the	DET
+highest	ADJ
+standard	NOUN
+.	PUNCT
+
+Would	AUX
+highly	ADV
+recommend	VERB
+to	ADP
+anyone	PRON
+requiring	VERB
+overseas	ADJ
+gift	NOUN
+delivery	NOUN
+.	PUNCT
+
+Danny	PROPN
+(	PUNCT
+Australia	PROPN
+)	PUNCT
+
+I	PRON
+LOVE	VERB
+MY	PRON
+GYM	NOUN
+!	PUNCT
+
+FITNESS	PROPN
+UNLIMITED	PROPN
+is	AUX
+a	DET
+second	ADJ
+home	NOUN
+to	ADP
+a	DET
+lot	NOUN
+of	ADP
+us	PRON
+gym	NOUN
+members	NOUN
+who	PRON
+work	VERB
+out	ADP
+daily	ADV
+.	PUNCT
+
+If	SCONJ
+you	PRON
+are	AUX
+serious	ADJ
+about	SCONJ
+working	VERB
+out	ADP
+in	ADP
+a	DET
+non-commercial	ADJ
+like	ADJ
+atmosphere	NOUN
+then	ADV
+you	PRON
+have	AUX
+chosen	VERB
+the	DET
+best	ADJ
+place	NOUN
+to	PART
+be	VERB
+.	PUNCT
+
+This	PRON
+is	AUX
+the	DET
+most	ADV
+humble	ADJ
+gym	NOUN
+you	PRON
+will	AUX
+every	ADV
+step	VERB
+into	ADP
+....	PUNCT
+if	SCONJ
+you	PRON
+dare	VERB
+to	PART
+work	VERB
+on	ADP
+your	PRON
+body	NOUN
+do	AUX
+n't	PART
+be	AUX
+surprised	ADJ
+when	ADV
+you	PRON
+see	VERB
+how	ADV
+addicting	ADJ
+going	VERB
+to	ADP
+FITNESS	PROPN
+UNLIMITED	PROPN
+can	AUX
+be	AUX
+!!	PUNCT
+
+Over-rated	ADJ
+...	PUNCT
+
+This	DET
+restaurant	NOUN
+is	AUX
+over-rated	ADJ
+.	PUNCT
+
+It	PRON
+is	AUX
+hard	ADJ
+to	PART
+find	VERB
+...	PUNCT
+and	CCONJ
+the	DET
+mexican	ADJ
+food	NOUN
+is	AUX
+bland	ADJ
+,	PUNCT
+almost	ADV
+equivalent	ADJ
+to	SCONJ
+eating	VERB
+out	ADP
+of	ADP
+a	DET
+can	NOUN
+.	PUNCT
+
+The	DET
+service	NOUN
+is	AUX
+poor	ADJ
+...	PUNCT
+
+I	PRON
+asked	VERB
+for	ADP
+a	DET
+fried	VERB
+egg	NOUN
+on	ADP
+my	PRON
+enchiladas	NOUN
+...	PUNCT
+and	CCONJ
+did	AUX
+not	PART
+get	VERB
+it	PRON
+.!	PUNCT
+
+Secondly	ADV
+,	PUNCT
+the	DET
+enchladas	NOUN
+did	AUX
+not	PART
+come	VERB
+with	ADP
+enchilada	NOUN
+sauce	NOUN
+..	PUNCT
+but	CCONJ
+chili	NOUN
+...	PUNCT
+like	ADP
+Hormel	PROPN
+'s	PART
+chili	NOUN
+..	PUNCT
+the	DET
+cheese	NOUN
+was	AUX
+American	ADJ
+cheese	NOUN
+!	PUNCT
+
+The	DET
+Chili	NOUN
+Relleno	NOUN
+..	PUNCT
+had	VERB
+no	DET
+batter	NOUN
+on	ADP
+it	PRON
+.	PUNCT
+
+I	PRON
+googled	VERB
+restaurants	NOUN
+in	ADP
+the	DET
+area	NOUN
+and	CCONJ
+Fuji	PROPN
+Sushi	PROPN
+came	VERB
+up	ADV
+and	CCONJ
+reviews	NOUN
+were	AUX
+great	ADJ
+so	ADV
+I	PRON
+made	VERB
+a	DET
+carry	VERB
+out	ADP
+order	NOUN
+of	ADP
+:	PUNCT
+L	SYM
+17	NUM
+.	PUNCT
+
+Mixed	VERB
+Tempura	PROPN
+.....................	PUNCT
+8.25	NUM
+Shrimp	NOUN
+or	CCONJ
+vegetable	NOUN
+tempura	NOUN
+&	CCONJ
+salad	NOUN
+.	PUNCT
+
+I	PRON
+was	AUX
+very	ADV
+happy	ADJ
+with	ADP
+the	DET
+customer	NOUN
+service	NOUN
+and	CCONJ
+even	ADV
+more	ADV
+please	ADJ
+with	ADP
+the	DET
+portion	NOUN
+size	NOUN
+,	PUNCT
+to	PART
+go	VERB
+box	NOUN
+set	NOUN
+up	NOUN
+and	CCONJ
+quality	NOUN
+of	ADP
+the	DET
+food	NOUN
+for	ADP
+the	DET
+price	NOUN
+.	PUNCT
+
+I	PRON
+'m	AUX
+very	ADV
+happy	ADJ
+and	CCONJ
+will	AUX
+definitely	ADV
+dine	VERB
+in	ADV
+and	CCONJ
+carry	VERB
+out	ADP
+again	ADV
+.	PUNCT
+
+Learn	VERB
+from	ADP
+a	DET
+Cesar	PROPN
+Gracie	PROPN
+black	ADJ
+belt	NOUN
+and	CCONJ
+former	ADJ
+ufc	PROPN
+fighter	NOUN
+!	PUNCT
+
+When	ADV
+i	PRON
+say	VERB
+jiu	NOUN
+-	PUNCT
+jitsu	NOUN
+or	CCONJ
+mma	NOUN
+i	PRON
+mean	VERB
+it	PRON
+!	PUNCT
+
+Best	ADJ
+jiu	NOUN
+-	PUNCT
+jitsu	NOUN
+mma	NOUN
+in	ADP
+Santa	PROPN
+Rosa	PROPN
+and	CCONJ
+i	PRON
+have	VERB
+the	DET
+experience	NOUN
+and	CCONJ
+belt	NOUN
+to	PART
+back	VERB
+it	PRON
+up	ADP
+!	PUNCT
+
+When	ADV
+you	PRON
+come	VERB
+to	ADP
+ncfa	PROPN
+you	PRON
+will	AUX
+see	VERB
+a	DET
+real	ADJ
+instructor	NOUN
+that	PRON
+teaches	VERB
+and	CCONJ
+trains	VERB
+everyday	ADV
+!	PUNCT
+
+If	SCONJ
+your	PRON
+coach	NOUN
+has	VERB
+no	DET
+fights	NOUN
+and	CCONJ
+you	PRON
+never	ADV
+see	VERB
+him	PRON
+train	VERB
+and	CCONJ
+sweat	VERB
+something	PRON
+is	AUX
+wrong	ADJ
+!	PUNCT
+
+Dave	PROPN
+Terrell	PROPN
+www.norcalfightingalliance.com	X
+
+Good	ADJ
+Pizza	NOUN
+at	ADP
+a	DET
+good	ADJ
+price	NOUN
+
+I	PRON
+just	ADV
+moved	VERB
+nearby	ADV
+and	CCONJ
+have	AUX
+tried	VERB
+several	ADJ
+of	ADP
+the	DET
+local	ADJ
+places	NOUN
+,	PUNCT
+this	PRON
+was	AUX
+the	DET
+first	ADJ
+one	NUM
+and	CCONJ
+I	PRON
+should	AUX
+have	AUX
+just	ADV
+stuck	VERB
+with	ADP
+it	PRON
+.	PUNCT
+
+The	DET
+pizza	NOUN
+is	AUX
+usually	ADV
+pretty	ADV
+good	ADJ
+,	PUNCT
+the	DET
+only	ADJ
+bad	ADJ
+one	NOUN
+we	PRON
+got	VERB
+was	AUX
+on	ADP
+a	DET
+Friday	PROPN
+night	NOUN
+and	CCONJ
+it	PRON
+just	ADV
+needed	VERB
+to	PART
+be	AUX
+cooked	VERB
+a	DET
+little	ADJ
+more	ADV
+,	PUNCT
+but	CCONJ
+it	PRON
+was	AUX
+still	ADV
+good	ADJ
+.	PUNCT
+
+Their	PRON
+BBQ	NOUN
+chicken	NOUN
+pizza	NOUN
+is	AUX
+one	NUM
+of	ADP
+the	DET
+better	ADJ
+ones	NOUN
+I	PRON
+have	AUX
+ever	ADV
+had	VERB
+.	PUNCT
+
+HORRIBLE	ADJ
+SERVICE	NOUN
+!!!	PUNCT
+
+Absolute	ADV
+horrible	ADJ
+service	NOUN
+from	ADP
+the	DET
+parts	NOUN
+department	NOUN
+.	PUNCT
+
+They	PRON
+are	AUX
+very	ADV
+rude	ADJ
+over	ADP
+the	DET
+phone	NOUN
+and	CCONJ
+in	ADP
+person	NOUN
+.	PUNCT
+
+They	PRON
+talk	VERB
+down	ADV
+to	ADP
+you	PRON
+like	SCONJ
+they	PRON
+are	AUX
+supreme	ADJ
+beings	NOUN
+,	PUNCT
+if	SCONJ
+you	PRON
+hate	VERB
+your	PRON
+job	NOUN
+so	ADV
+much	ADV
+then	ADV
+quit	VERB
+!!	PUNCT
+
+How	ADV
+these	DET
+guys	NOUN
+can	AUX
+get	VERB
+away	ADV
+with	SCONJ
+being	AUX
+so	ADV
+rude	ADJ
+with	ADP
+people	NOUN
+is	AUX
+mind	NOUN
+blowing	VERB
+.	PUNCT
+
+I	PRON
+will	AUX
+NEVER	ADV
+do	VERB
+business	NOUN
+with	ADP
+Sun	PROPN
+Toyota	PROPN
+again	ADV
+.	PUNCT
+
+Thank	VERB
+god	PROPN
+there	PRON
+are	VERB
+plenty	NOUN
+of	ADP
+Toyota	PROPN
+dealerships	NOUN
+to	PART
+choose	VERB
+from	ADP
+in	ADP
+this	DET
+city	NOUN
+.	PUNCT
+
+this	PRON
+is	AUX
+a	DET
+good	ADJ
+place	NOUN
+
+I	PRON
+have	AUX
+been	AUX
+here	ADV
+before	ADV
+and	CCONJ
+the	DET
+service	NOUN
+was	AUX
+absoulutely	ADV
+great	ADJ
+.	PUNCT
+
+They	PRON
+had	VERB
+a	DET
+great	ADJ
+selection	NOUN
+of	ADP
+colors	NOUN
+to	PART
+choose	VERB
+from	ADP
+and	CCONJ
+their	PRON
+seats	NOUN
+are	AUX
+super	ADV
+comfty	ADJ
+.	PUNCT
+
+I	PRON
+enjoy	VERB
+going	VERB
+there	ADV
+although	SCONJ
+i	PRON
+'ve	AUX
+only	ADV
+been	VERB
+there	ADV
+once	ADV
+,	PUNCT
+i	PRON
+will	AUX
+be	AUX
+returning	VERB
+toda	NOUN
+to	PART
+recieve	VERB
+a	DET
+pair	NOUN
+of	ADP
+french	ADJ
+tips	NOUN
+and	CCONJ
+i	PRON
+will	AUX
+only	ADV
+go	VERB
+to	ADP
+the	DET
+best	ADJ
+and	CCONJ
+to	ADP
+me	PRON
+the	DET
+best	ADJ
+is	AUX
+here	ADV
+.	PUNCT
+
+i	PRON
+reccomend	VERB
+you	PRON
+to	PART
+go	VERB
+and	CCONJ
+enjoy	VERB
+their	PRON
+wonderful	ADJ
+hospitality	NOUN
+.	PUNCT
+
+Anna	PROPN
+Marie	PROPN
+and	CCONJ
+Govind	PROPN
+are	AUX
+very	ADV
+sweet	ADJ
+people	NOUN
+,	PUNCT
+and	CCONJ
+the	DET
+minute	NOUN
+you	PRON
+steep	VERB
+into	ADP
+their	PRON
+school	NOUN
+,	PUNCT
+the	DET
+calm	ADJ
+loving	ADJ
+atmosphere	NOUN
+takes	VERB
+over	ADV
+,	PUNCT
+and	CCONJ
+tension	NOUN
+and	CCONJ
+worries	NOUN
+stay	VERB
+outside	ADV
+in	ADP
+the	DET
+street	NOUN
+,	PUNCT
+whether	SCONJ
+or	CCONJ
+not	ADV
+you	PRON
+pick	VERB
+them	PRON
+up	ADP
+again	ADV
+after	ADP
+class	NOUN
+is	AUX
+probably	ADV
+a	DET
+question	NOUN
+of	ADP
+practice	NOUN
+.	PUNCT
+
+A	DET
+wonderful	ADJ
+place	NOUN
+,	PUNCT
+if	SCONJ
+you	PRON
+want	VERB
+more	ADJ
+than	ADP
+just	ADV
+the	DET
+physical	ADJ
+side	NOUN
+of	ADP
+yoga	NOUN
+.	PUNCT
+
+Give	VERB
+yourself	PRON
+the	DET
+gift	NOUN
+of	SCONJ
+trying	VERB
+this	DET
+place	NOUN
+,	PUNCT
+to	PART
+see	VERB
+if	SCONJ
+it	PRON
+fits	VERB
+you	PRON
+...	PUNCT
+
+They	PRON
+do	AUX
+n't	PART
+seem	VERB
+to	PART
+be	AUX
+interested	ADJ
+in	SCONJ
+selling	VERB
+cars	NOUN
+.	PUNCT
+
+Went	VERB
+there	ADV
+yesterday	NOUN
+:	PUNCT
+we	PRON
+are	AUX
+trying	VERB
+to	PART
+decide	VERB
+between	ADP
+two	NUM
+different	ADJ
+Honda	PROPN
+models	NOUN
+,	PUNCT
+so	ADV
+we	PRON
+wanted	VERB
+to	PART
+test	NOUN
+-	PUNCT
+drive	VERB
+both	DET
+back	NOUN
+to	ADP
+back	NOUN
+.	PUNCT
+
+The	DET
+salesperson	NOUN
+refused	VERB
+!	PUNCT
+
+Claimed	VERB
+he	PRON
+was	AUX
+too	ADV
+busy	ADJ
+for	ADP
+two	NUM
+test	NOUN
+drives	NOUN
+.	PUNCT
+
+We	PRON
+were	AUX
+the	DET
+only	ADJ
+customers	NOUN
+there	ADV
+!	PUNCT
+
+Do	AUX
+n't	PART
+waste	VERB
+time	NOUN
+,	PUNCT
+just	ADV
+drive	VERB
+10	NUM
+minutes	NOUN
+more	ADV
+down	ADV
+to	ADP
+Stevens	PROPN
+Creek	PROPN
+,	PUNCT
+they	PRON
+actually	ADV
+do	AUX
+try	VERB
+to	PART
+help	VERB
+their	PRON
+customers	NOUN
+there	ADV
+!	PUNCT
+
+ATE	VERB
+HERE	ADV
+A	DET
+COUPLE	NOUN
+TIMES	NOUN
+.	PUNCT
+
+IT	PRON
+IS	AUX
+NOT	PART
+A	DET
+HIGH	ADJ
+END	NOUN
+STEAK	NOUN
+HOUSE	NOUN
+,	PUNCT
+MORE	ADJ
+OF	ADP
+THE	DET
+CUISINE	NOUN
+BRETT	PROPN
+ENJOYS	VERB
+IN	ADP
+MISSISSIPPI	PROPN
+.	PUNCT
+
+SO	ADV
+,	PUNCT
+IF	SCONJ
+YOU	PRON
+WANT	VERB
+A	DET
+BURGER	NOUN
+AND	CCONJ
+FRIES	NOUN
+,	PUNCT
+WELL	INTJ
+,	PUNCT
+IT	PRON
+IS	AUX
+OK	ADJ
+.	PUNCT
+
+IF	SCONJ
+YOU	PRON
+WANT	VERB
+A	DET
+LITTLE	NOUN
+CAJUNISH	ADJ
+FOOD	NOUN
+-	PUNCT
+IT	PRON
+IS	AUX
+GOOD	ADJ
+.	PUNCT
+
+IF	SCONJ
+YOU	PRON
+WANT	VERB
+A	DET
+STEAK	NOUN
+,	PUNCT
+WELL	INTJ
+,	PUNCT
+THIS	PRON
+IS	AUX
+NOT	PART
+THE	DET
+BEST	ADJ
+IN	ADP
+GREEN	PROPN
+BAY	PROPN
+.	PUNCT
+
+OVERALL	ADV
+DECENT	ADJ
+BUT	CCONJ
+IF	SCONJ
+YOU	PRON
+ARE	AUX
+EXPECTING	VERB
+A	DET
+RUTH	PROPN
+CHRIS	PROPN
+TYPE	NOUN
+STEAK	NOUN
+,	PUNCT
+THIS	PRON
+IS	AUX
+NOT	ADV
+IT	PRON
+.	PUNCT
+
+Eulogic	PROPN
+
+Good	ADJ
+place	NOUN
+to	PART
+be	AUX
+on	ADP
+a	DET
+Sunday	PROPN
+Night	NOUN
+.	PUNCT
+
+The	DET
+beers	NOUN
+were	AUX
+good	ADJ
+,	PUNCT
+nice	ADJ
+choice	NOUN
+of	ADP
+beers	NOUN
+as	ADV
+well	ADV
+,	PUNCT
+and	CCONJ
+as	ADP
+usual	ADJ
+the	DET
+mussels	NOUN
+were	AUX
+great	ADJ
+,	PUNCT
+the	DET
+place	NOUN
+upstairs	ADV
+is	AUX
+a	DET
+nice	ADJ
+addition	NOUN
+to	ADP
+the	DET
+bar	NOUN
+downstairs	ADV
+.	PUNCT
+
+Filled	VERB
+up	ADP
+on	ADP
+too	ADV
+much	ADJ
+beer	NOUN
+and	CCONJ
+hence	ADV
+can	AUX
+not	PART
+comment	VERB
+on	ADP
+the	DET
+food	NOUN
+.	PUNCT
+
+But	CCONJ
+the	DET
+menu	NOUN
+had	VERB
+standard	ADJ
+stuff	NOUN
+that	PRON
+one	PRON
+would	AUX
+get	VERB
+at	ADP
+a	DET
+Belgian	ADJ
+Tavern	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+are	AUX
+a	DET
+handcraft	NOUN
+beer	NOUN
+person	NOUN
+,	PUNCT
+this	PRON
+is	AUX
+a	DET
+fantastic	ADJ
+place	NOUN
+to	PART
+be	VERB
+.	PUNCT
+
+Perfect	ADJ
+Location	NOUN
+plus	CCONJ
+
+I	PRON
+moved	VERB
+into	ADP
+the	DET
+Tanglewood	PROPN
+Apartments	PROPN
+in	ADP
+late	ADJ
+2008	NUM
+and	CCONJ
+it	PRON
+'s	AUX
+been	AUX
+a	DET
+refreshing	VERB
+change	NOUN
+.	PUNCT
+
+I	PRON
+used	VERB
+to	PART
+live	VERB
+at	ADP
+Meadowrun	PROPN
+and	CCONJ
+that	PRON
+was	AUX
+a	DET
+nightmare	NOUN
+.	PUNCT
+
+The	DET
+manager	NOUN
+-	PUNCT
+Tiffany	PROPN
+-	PUNCT
+is	AUX
+actually	ADV
+very	ADV
+nice	ADJ
+so	ADV
+I	PRON
+'m	AUX
+a	DET
+bit	NOUN
+surprised	ADJ
+by	ADP
+other	ADJ
+comments	NOUN
+.	PUNCT
+
+She	PRON
+'s	AUX
+very	ADV
+reachable	ADJ
+and	CCONJ
+she	PRON
+has	AUX
+always	ADV
+responded	VERB
+quickly	ADV
+to	ADP
+any	DET
+questions	NOUN
+or	CCONJ
+requests	NOUN
+.	PUNCT
+
+Plus	CCONJ
+she	PRON
+plans	VERB
+a	DET
+monthly	ADJ
+breakfasts	NOUN
+and	CCONJ
+other	ADJ
+events	NOUN
+at	ADP
+the	DET
+clubhouse	NOUN
+which	PRON
+is	AUX
+a	DET
+nice	ADJ
+added	VERB
+benefit	NOUN
+.	PUNCT
+
+great	ADJ
+service	NOUN
+/	PUNCT
+deals	NOUN
+-	PUNCT
+support	VERB
+this	DET
+local	ADJ
+business	NOUN
+
+I	PRON
+have	AUX
+used	VERB
+these	DET
+guys	NOUN
+for	ADP
+new	ADJ
+snows	NOUN
+,	PUNCT
+fixing	VERB
+lots	NOUN
+of	ADP
+flats	NOUN
+,	PUNCT
+used	VERB
+replacement	NOUN
+tires	NOUN
+,	PUNCT
+and	CCONJ
+oil	NOUN
+changes	NOUN
+.	PUNCT
+
+They	PRON
+have	VERB
+the	DET
+best	ADJ
+prices	NOUN
+locally	ADV
+and	CCONJ
+good	ADJ
+customer	NOUN
+service	NOUN
+.	PUNCT
+
+One	NUM
+guy	NOUN
+is	AUX
+a	DET
+little	NOUN
+surley	ADJ
+,	PUNCT
+but	CCONJ
+who	PRON
+gives	VERB
+a	DET
+crap	NOUN
+as	ADV
+long	ADV
+as	SCONJ
+your	PRON
+car	NOUN
+'s	PART
+work	NOUN
+is	AUX
+outstanding	ADJ
+.	PUNCT
+
+AND	CCONJ
+they	PRON
+'re	AUX
+usually	ADV
+able	ADJ
+to	PART
+help	VERB
+you	PRON
+as	ADP
+a	DET
+walk	NOUN
+-	PUNCT
+in	NOUN
+,	PUNCT
+and	CCONJ
+they	PRON
+'re	AUX
+fast	ADJ
+.	PUNCT
+
+Overall	ADV
+-	PUNCT
+good	ADJ
+stuff	NOUN
+.	PUNCT
+
+Another	DET
+great	ADJ
+business	NOUN
+bites	VERB
+the	DET
+dust	NOUN
+!	PUNCT
+
+The	DET
+best	ADJ
+cakes	NOUN
+EVER	ADV
+!	PUNCT
+
+A	DET
+bit	NOUN
+pricey	ADJ
+,	PUNCT
+so	ADV
+I	PRON
+did	AUX
+n't	PART
+go	VERB
+very	ADV
+often	ADV
+,	PUNCT
+but	CCONJ
+it	PRON
+was	AUX
+always	ADV
+a	DET
+treat	NOUN
+when	ADV
+I	PRON
+did	AUX
+.	PUNCT
+
+The	DET
+prices	NOUN
+were	AUX
+worth	ADJ
+what	PRON
+I	PRON
+got	VERB
+.	PUNCT
+
+I	PRON
+'m	AUX
+assuming	VERB
+they	PRON
+are	AUX
+completely	ADV
+out	ADP
+of	ADP
+business	NOUN
+since	SCONJ
+I	PRON
+ca	AUX
+n't	PART
+find	VERB
+any	DET
+contact	NOUN
+information	NOUN
+.	PUNCT
+
+I	PRON
+'m	AUX
+hoping	VERB
+the	DET
+bakers	NOUN
+continue	VERB
+to	PART
+do	VERB
+their	PRON
+baking	NOUN
+out	ADP
+of	ADP
+another	DET
+place	NOUN
+,	PUNCT
+because	SCONJ
+it	PRON
+would	AUX
+be	AUX
+a	DET
+shame	NOUN
+not	ADV
+to	PART
+have	VERB
+these	DET
+cakes	NOUN
+any	ADV
+longer	ADV
+.	PUNCT
+
+Super	ADV
+nice	ADJ
+people	NOUN
+,	PUNCT
+really	ADV
+good	ADJ
+food	NOUN
+
+What	PRON
+I	PRON
+love	VERB
+most	ADV
+about	ADP
+this	DET
+place	NOUN
+,	PUNCT
+other	ADV
+than	ADP
+the	DET
+food	NOUN
+,	PUNCT
+is	VERB
+that	SCONJ
+eating	VERB
+here	ADV
+makes	VERB
+you	PRON
+feel	VERB
+like	SCONJ
+you	PRON
+'re	AUX
+in	ADP
+a	DET
+small	ADJ
+town	NOUN
+rather	ADV
+than	ADP
+Baltimore	PROPN
+.	PUNCT
+
+The	DET
+owners	NOUN
+are	AUX
+really	ADV
+nice	ADJ
+,	PUNCT
+they	PRON
+serve	VERB
+good	ADJ
+food	NOUN
+at	ADP
+a	DET
+good	ADJ
+price	NOUN
+,	PUNCT
+and	CCONJ
+the	DET
+option	NOUN
+to	PART
+eat	VERB
+outside	ADV
+on	ADP
+the	DET
+deck	NOUN
+(	PUNCT
+esp	ADV
+on	ADP
+the	DET
+weekend	NOUN
+whether	SCONJ
+there	PRON
+is	VERB
+hardly	ADV
+any	DET
+traffic	NOUN
+)	PUNCT
+is	VERB
+great	ADJ
+.	PUNCT
+
+One	NUM
+of	ADP
+my	PRON
+top	ADJ
+5	NUM
+places	NOUN
+to	PART
+eat	VERB
+in	ADP
+Baltimore	PROPN
+.	PUNCT
+
+Overpriced	ADJ
+
+This	DET
+place	NOUN
+is	AUX
+identical	ADJ
+to	ADP
+the	DET
+Youngstown	PROPN
+Sports	PROPN
+Grille	PROPN
+,	PUNCT
+so	ADV
+I	PRON
+imagine	VERB
+they	PRON
+are	AUX
+owned	VERB
+/	SYM
+operated	VERB
+by	ADP
+the	DET
+same	ADJ
+people	NOUN
+.	PUNCT
+
+The	DET
+food	NOUN
+is	AUX
+mediocre	ADJ
+at	ADV
+best	ADV
+,	PUNCT
+and	CCONJ
+largely	ADV
+overpriced	ADJ
+given	VERB
+the	DET
+portion	NOUN
+size	NOUN
+and	CCONJ
+quality	NOUN
+.	PUNCT
+
+Do	AUX
+n't	PART
+even	ADV
+get	VERB
+me	PRON
+started	VERB
+on	SCONJ
+how	ADV
+expensive	ADJ
+it	PRON
+is	AUX
+to	PART
+drink	VERB
+there	ADV
+.	PUNCT
+
+I	PRON
+have	AUX
+ate	VERB
+here	ADV
+3	NUM
+times	NOUN
+since	SCONJ
+they	PRON
+first	ADV
+opened	VERB
+,	PUNCT
+and	CCONJ
+the	DET
+service	NOUN
+has	AUX
+been	AUX
+poor	ADJ
+each	DET
+time	NOUN
+,	PUNCT
+the	DET
+staff	NOUN
+always	ADV
+comes	VERB
+across	ADV
+as	ADP
+somewhat	ADV
+rude	ADJ
+and	CCONJ
+slow	ADJ
+.	PUNCT
+
+Apps	NOUN
+4	NUM
+Salad	NOUN
+3	NUM
+Entree	NOUN
+3.5	NUM
+Wine	NOUN
+5	NUM
+(	PUNCT
+NOV	PROPN
+07	NUM
+)	PUNCT
+
+Enjoyed	VERB
+this	DET
+cozy	ADJ
+little	ADJ
+spot	NOUN
+with	ADP
+a	DET
+group	NOUN
+of	ADP
+8	NUM
+folks	NOUN
+.	PUNCT
+
+Service	NOUN
+was	AUX
+excellent	ADJ
+.	PUNCT
+
+Food	NOUN
+was	AUX
+excellent	ADJ
+.	PUNCT
+
+Wine	NOUN
+was	AUX
+excellent	ADJ
+.	PUNCT
+
+I	PRON
+was	AUX
+feeling	VERB
+the	DET
+need	NOUN
+for	ADP
+some	DET
+fish	NOUN
+so	ADV
+I	PRON
+had	VERB
+the	DET
+salmon	NOUN
+which	PRON
+was	AUX
+very	ADV
+good	ADJ
+but	CCONJ
+the	DET
+steaks	NOUN
+looked	VERB
+amazing	ADJ
+and	CCONJ
+if	SCONJ
+I	PRON
+am	AUX
+in	ADP
+town	NOUN
+again	ADV
+,	PUNCT
+I	PRON
+'ll	AUX
+definitely	ADV
+order	VERB
+a	DET
+steak	NOUN
+.	PUNCT
+
+A	DET
+perfect	ADJ
+place	NOUN
+for	ADP
+a	DET
+romantic	ADJ
+dinner	NOUN
+.	PUNCT
+
+Lots	NOUN
+of	ADP
+"	PUNCT
+pretty	ADJ
+people	NOUN
+"	PUNCT
+dining	VERB
+inside	ADV
+.	PUNCT
+
+Great	ADJ
+staff	NOUN
+.	PUNCT
+
+Very	ADV
+helpful	ADJ
+!!!!	PUNCT
+
+They	PRON
+interviewed	VERB
+me	PRON
+,	PUNCT
+gave	VERB
+me	PRON
+tests	NOUN
+in	ADP
+the	DET
+software	NOUN
+I	PRON
+included	VERB
+on	ADP
+my	PRON
+resume	NOUN
+,	PUNCT
+and	CCONJ
+placed	VERB
+me	PRON
+in	ADP
+a	DET
+position	NOUN
+that	PRON
+I	PRON
+kept	VERB
+for	ADP
+several	ADJ
+years	NOUN
+.	PUNCT
+
+Re-interviewed	VERB
+and	CCONJ
+am	AUX
+going	VERB
+on	ADP
+interviews	NOUN
+for	ADP
+a	DET
+new	ADJ
+job	NOUN
+.	PUNCT
+
+I	PRON
+'m	AUX
+really	ADV
+thankful	ADJ
+for	ADP
+the	DET
+folks	NOUN
+at	ADP
+HR	PROPN
+Office	PROPN
+.	PUNCT
+
+They	PRON
+are	AUX
+dependable	ADJ
+,	PUNCT
+have	VERB
+great	ADJ
+connections	NOUN
+in	ADP
+the	DET
+community	NOUN
+,	PUNCT
+and	CCONJ
+are	AUX
+a	DET
+great	ADJ
+resource	NOUN
+for	SCONJ
+finding	VERB
+a	DET
+job	NOUN
+.	PUNCT
+
+I	PRON
+highly	ADV
+recommend	VERB
+them	PRON
+to	ADP
+all	DET
+of	ADP
+my	PRON
+friends	NOUN
+!!!!	PUNCT
+!	PUNCT
+
+Great	ADJ
+experience	NOUN
+-	PUNCT
+consider	VERB
+checking	VERB
+out	ADP
+their	PRON
+puppies	NOUN
+before	SCONJ
+buying	VERB
+from	ADP
+a	DET
+breeder	NOUN
+!	PUNCT
+
+I	PRON
+adopted	VERB
+a	DET
+3.5	NUM
+month	NOUN
+old	ADJ
+yellow	ADJ
+lab	NOUN
+last	ADJ
+winter	NOUN
+from	ADP
+the	DET
+Dumb	PROPN
+Friends	PROPN
+League	PROPN
+.	PUNCT
+
+The	DET
+staff	NOUN
+was	AUX
+very	ADV
+helpful	ADJ
+in	SCONJ
+finding	VERB
+the	DET
+right	ADJ
+dog	NOUN
+for	ADP
+me	PRON
+and	CCONJ
+the	DET
+care	NOUN
+my	PRON
+pup	NOUN
+received	VERB
+was	AUX
+outstanding	ADJ
+.	PUNCT
+
+If	SCONJ
+you	PRON
+are	AUX
+on	ADP
+the	DET
+lookout	NOUN
+for	ADP
+a	DET
+pure	ADJ
+breed	NOUN
+pup	NOUN
+do	AUX
+n't	PART
+forget	VERB
+to	PART
+check	VERB
+out	ADP
+the	DET
+shelters	NOUN
+!	PUNCT
+
+My	PRON
+pup	NOUN
+has	VERB
+a	DET
+wonderful	ADJ
+temperment	NOUN
+and	CCONJ
+has	AUX
+been	AUX
+a	DET
+wonderful	ADJ
+addition	NOUN
+to	ADP
+my	PRON
+family	NOUN
+!	PUNCT
+
+Food	NOUN
+good	ADJ
+,	PUNCT
+service	NOUN
+poor	ADJ
+
+No	DET
+silverware	NOUN
+,	PUNCT
+asked	VERB
+for	ADP
+a	DET
+spoon	NOUN
+for	ADP
+my	PRON
+son	NOUN
+s	PART
+mac	NOUN
+and	CCONJ
+cheese	NOUN
+ended	VERB
+up	ADP
+having	VERB
+to	PART
+use	VERB
+my	PRON
+tea	NOUN
+spoon	NOUN
+.	PUNCT
+
+Asked	VERB
+for	ADP
+bar	NOUN
+-	PUNCT
+b	NOUN
+-	PUNCT
+que	NOUN
+sauce	NOUN
+never	ADV
+got	VERB
+it	PRON
+.	PUNCT
+
+Never	ADV
+checked	VERB
+back	ADV
+with	ADP
+us	PRON
+once	SCONJ
+we	PRON
+got	VERB
+our	PRON
+food	NOUN
+.	PUNCT
+
+Had	VERB
+to	PART
+go	VERB
+the	DET
+the	DET
+bus	NOUN
+boy	NOUN
+s	PART
+station	NOUN
+ourselves	PRON
+to	PART
+get	VERB
+napkins	NOUN
+.	PUNCT
+
+Only	ADV
+one	NUM
+server	NOUN
+,	PUNCT
+too	ADV
+buys	ADJ
+talking	VERB
+with	ADP
+others	NOUN
+I	PRON
+guess	VERB
+.	PUNCT
+
+Food	NOUN
+was	AUX
+good	ADJ
+,	PUNCT
+but	CCONJ
+service	NOUN
+means	VERB
+a	DET
+lot	NOUN
+to	ADP
+me	PRON
+.	PUNCT
+
+Dr.	PROPN
+Chao	PROPN
+you	PRON
+are	AUX
+the	DET
+best	ADJ
+dentist	NOUN
+I	PRON
+have	AUX
+ever	ADV
+had	VERB
+.	PUNCT
+
+You	PRON
+are	AUX
+knowledgeable	ADJ
+,	PUNCT
+professional	ADJ
+,	PUNCT
+gentel	ADJ
+and	CCONJ
+kind	ADJ
+.	PUNCT
+
+I	PRON
+wish	VERB
+I	PRON
+had	VERB
+you	PRON
+as	ADP
+my	PRON
+dentist	NOUN
+early	ADV
+on	ADV
+in	ADP
+my	PRON
+life	NOUN
+-	PUNCT
+maybe	ADV
+my	PRON
+teeth	NOUN
+would	AUX
+have	AUX
+been	AUX
+a	DET
+lot	NOUN
+better	ADJ
+then	SCONJ
+they	PRON
+are	AUX
+now	ADV
+,	PUNCT
+However	ADV
+I	PRON
+am	AUX
+glad	ADJ
+you	PRON
+are	AUX
+my	PRON
+dentist	NOUN
+now	ADV
+.	PUNCT
+
+Even	ADV
+though	SCONJ
+you	PRON
+are	AUX
+expensive	ADJ
+.	PUNCT
+
+Thank	VERB
+you	PRON
+for	SCONJ
+helping	VERB
+to	PART
+preserve	VERB
+my	PRON
+teeth	NOUN
+.	PUNCT
+
+You	PRON
+are	AUX
+meticulous	ADJ
+in	ADP
+your	PRON
+work	NOUN
+and	CCONJ
+it	PRON
+shows	VERB
+in	ADP
+my	PRON
+smile	NOUN
+.	PUNCT
+
+Con	NOUN
+Garage	NOUN
+
+I	PRON
+brought	VERB
+my	PRON
+car	NOUN
+in	ADV
+for	ADP
+a	DET
+simple	ADJ
+emissions	NOUN
+test	NOUN
+.	PUNCT
+
+I	PRON
+guess	VERB
+they	PRON
+figured	VERB
+me	PRON
+for	ADP
+an	DET
+easy	ADJ
+mark	NOUN
+,	PUNCT
+and	CCONJ
+tried	VERB
+to	PART
+explain	VERB
+that	SCONJ
+my	PRON
+car	NOUN
+would	AUX
+n't	PART
+pass	VERB
+unless	SCONJ
+I	PRON
+replaced	VERB
+a	DET
+hose	NOUN
+.	PUNCT
+
+Ten	NUM
+minutes	NOUN
+later	ADV
+,	PUNCT
+I	PRON
+took	VERB
+my	PRON
+car	NOUN
+down	ADP
+the	DET
+street	NOUN
+and	CCONJ
+it	PRON
+passed	VERB
+the	DET
+emissions	NOUN
+test	NOUN
+with	ADP
+flying	VERB
+colors	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+'re	AUX
+a	DET
+fan	NOUN
+of	ADP
+herpes	NOUN
+,	PUNCT
+being	AUX
+ripped	VERB
+off	ADP
+,	PUNCT
+and	CCONJ
+child	NOUN
+molesters	NOUN
+,	PUNCT
+this	PRON
+is	AUX
+the	DET
+garage	NOUN
+for	ADP
+you	PRON
+.	PUNCT
+
+If	SCONJ
+not	PART
+,	PUNCT
+go	VERB
+somewhere	ADV
+else	ADV
+.	PUNCT
+
+Rude	ADJ
+service	NOUN
+
+even	ADV
+though	SCONJ
+I	PRON
+have	AUX
+never	ADV
+tried	VERB
+hoa	PROPN
+salon	PROPN
+but	CCONJ
+I	PRON
+agree	VERB
+with	ADP
+other	ADJ
+reviewers	NOUN
+that	SCONJ
+they	PRON
+are	AUX
+rude	ADJ
+.	PUNCT
+
+I	PRON
+called	VERB
+and	CCONJ
+asked	VERB
+about	ADP
+the	DET
+price	NOUN
+for	ADP
+hair	NOUN
+updo	NOUN
+and	CCONJ
+the	DET
+receptionist	NOUN
+or	CCONJ
+owner	NOUN
+who	PRON
+aswered	VERB
+the	DET
+phone	NOUN
+refused	VERB
+to	PART
+tell	VERB
+me	PRON
+,	PUNCT
+or	CCONJ
+even	ADV
+just	ADV
+give	VERB
+me	PRON
+an	DET
+approximate	ADJ
+price	NOUN
+range	NOUN
+.	PUNCT
+
+He	PRON
+told	VERB
+us	PRON
+to	PART
+stop	VERB
+by	ADP
+the	DET
+salon	NOUN
+and	CCONJ
+then	ADV
+he	PRON
+will	AUX
+tell	VERB
+us	PRON
+the	DET
+price	NOUN
+.	PUNCT
+
+What	DET
+kind	NOUN
+of	ADP
+rude	ADJ
+service	NOUN
+is	AUX
+that	PRON
+?	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+want	VERB
+to	PART
+waste	VERB
+my	PRON
+time	NOUN
+with	ADP
+them	PRON
+.	PUNCT
+
+Top	ADJ
+notch	NOUN
+eats	NOUN
+!	PUNCT
+
+So	ADV
+here	ADV
+we	PRON
+are	AUX
+in	ADP
+Manson	PROPN
+.	PUNCT
+
+Manson	PROPN
+?	PUNCT
+
+Yes	INTJ
+,	PUNCT
+Manson	PROPN
+.	PUNCT
+
+Right	ADV
+near	ADP
+Chelan	PROPN
+.	PUNCT
+
+Aka	ADV
+Nowheresville	PROPN
+.	PUNCT
+
+And	CCONJ
+this	DET
+litttle	ADJ
+gem	NOUN
+of	ADP
+a	DET
+7	NUM
+-	PUNCT
+table	NOUN
+restaurant	NOUN
+is	AUX
+a	DET
+complete	ADJ
+and	CCONJ
+utterly	ADV
+wonderful	ADJ
+surprise	NOUN
+.	PUNCT
+
+A	DET
+short	ADJ
+but	CCONJ
+wide	ADJ
+-	PUNCT
+ranging	VERB
+menu	NOUN
+executed	VERB
+with	ADP
+innovative	ADJ
+perfection	NOUN
+in	ADP
+a	DET
+cozy	ADJ
+hole	NOUN
+in	ADP
+the	DET
+wall	NOUN
+just	ADV
+off	ADP
+the	DET
+main	ADJ
+street	NOUN
+.	PUNCT
+
+Fantastic	ADJ
+food	NOUN
+served	VERB
+without	ADP
+pretense	NOUN
+,	PUNCT
+very	ADV
+reasonably	ADV
+priced	VERB
+wine	NOUN
+selections	NOUN
+.	PUNCT
+
+A	DET
+great	ADJ
+place	NOUN
+to	PART
+go	VERB
+for	ADP
+dinner	NOUN
+after	ADP
+a	DET
+day	NOUN
+of	ADP
+wine	NOUN
+tasting	NOUN
+.	PUNCT
+
+Excellent	ADJ
+Service	NOUN
+and	CCONJ
+Reasonable	ADJ
+Prices	NOUN
+
+Boutique	NOUN
+stores	NOUN
+dealing	VERB
+in	ADP
+children	NOUN
+'s	PART
+clothing	NOUN
+/	PUNCT
+gifts	NOUN
+are	AUX
+often	ADV
+outrageously	ADV
+priced	VERB
+(	PUNCT
+who	PRON
+wants	VERB
+to	PART
+pay	VERB
+40	NUM
+dollars	NOUN
+for	ADP
+a	DET
+newborn	NOUN
+onesie	NOUN
+?	PUNCT
+)	PUNCT
+
+but	CCONJ
+I	PRON
+was	AUX
+pleasantly	ADV
+surprised	ADJ
+to	PART
+find	VERB
+that	SCONJ
+the	DET
+Purple	PROPN
+Goose	PROPN
+'s	PART
+prices	NOUN
+are	AUX
+reasonable	ADJ
+(	PUNCT
+for	ADP
+the	DET
+SAME	ADJ
+products	NOUN
+found	VERB
+at	ADP
+other	ADJ
+area	NOUN
+boutiques	NOUN
+,	PUNCT
+the	DET
+prices	NOUN
+were	AUX
+20	NUM
+-	SYM
+25	NUM
+%	SYM
+cheaper	ADJ
+)	PUNCT
+.	PUNCT
+
+The	DET
+service	NOUN
+was	AUX
+also	ADV
+excellent	ADJ
+-	PUNCT
+friendly	ADJ
+,	PUNCT
+helpful	ADJ
+and	CCONJ
+informative	ADJ
+without	SCONJ
+being	AUX
+overbearing	ADJ
+.	PUNCT
+
+Will	AUX
+definitely	ADV
+return	VERB
+.	PUNCT
+
+Consistantly	ADV
+poor	ADJ
+
+A	DET
+lack	NOUN
+of	ADP
+organisation	NOUN
+,	PUNCT
+coupled	VERB
+with	ADP
+the	DET
+distain	NOUN
+for	ADP
+its	PRON
+customers	NOUN
+,	PUNCT
+makes	VERB
+this	PRON
+the	DET
+worst	ADJ
+rental	ADJ
+agency	NOUN
+I	PRON
+have	AUX
+used	VERB
+.	PUNCT
+
+Chasing	VERB
+them	PRON
+on	ADP
+issues	NOUN
+from	ADP
+the	DET
+day	NOUN
+I	PRON
+moved	VERB
+in	ADV
+(	PUNCT
+many	ADJ
+of	ADP
+them	PRON
+still	ADV
+unresolved	ADJ
+as	SCONJ
+I	PRON
+left	VERB
+)	PUNCT
+to	ADP
+all	DET
+sorts	NOUN
+of	ADP
+farcical	ADJ
+issues	NOUN
+with	ADP
+funds	NOUN
+,	PUNCT
+after	SCONJ
+I	PRON
+left	VERB
+.	PUNCT
+.	PUNCT
+.	PUNCT
+.	PUNCT
+as	ADV
+soon	ADV
+as	SCONJ
+I	PRON
+could	AUX
+.	PUNCT
+
+If	SCONJ
+you	PRON
+must	AUX
+use	VERB
+them	PRON
+,	PUNCT
+be	AUX
+vigilant	ADJ
+and	CCONJ
+be	AUX
+ready	ADJ
+to	PART
+push	VERB
+,	PUNCT
+if	SCONJ
+you	PRON
+can	AUX
+go	VERB
+elsewhere	ADV
+then	ADV
+I	PRON
+would	AUX
+.	PUNCT
+
+AMAZING	ADJ
+NIGHT	NOUN
+-	PUNCT
+Great	ADJ
+Party	NOUN
+Spot	NOUN
+!!	PUNCT
+
+Went	VERB
+to	ADP
+the	DET
+Willow	PROPN
+Lounge	PROPN
+this	DET
+past	ADJ
+weekend	NOUN
+for	ADP
+dinner	NOUN
+and	CCONJ
+drinks	NOUN
+...	PUNCT
+place	NOUN
+is	AUX
+awesome	ADJ
+.	PUNCT
+
+Had	VERB
+to	PART
+keep	VERB
+in	ADP
+mind	NOUN
+that	SCONJ
+the	DET
+A	NOUN
+/	PUNCT
+C	NOUN
+broke	VERB
+,	PUNCT
+I	PRON
+feel	VERB
+bad	ADJ
+it	PRON
+was	AUX
+their	PRON
+opening	NOUN
+!	PUNCT
+
+Anyway	ADV
+,	PUNCT
+once	SCONJ
+that	PRON
+is	AUX
+fixed	VERB
+,	PUNCT
+this	DET
+place	NOUN
+will	AUX
+be	AUX
+amazing	ADJ
+.	PUNCT
+
+Drinks	NOUN
+were	AUX
+awesome	ADJ
+,	PUNCT
+prices	NOUN
+reasonable	ADJ
+,	PUNCT
+and	CCONJ
+staff	NOUN
+friendly	ADJ
+.	PUNCT
+
+This	PRON
+is	AUX
+an	DET
+awesome	ADJ
+date	NOUN
+spot	NOUN
+that	PRON
+the	DET
+area	NOUN
+SERIOUSLY	ADV
+needs	VERB
+.	PUNCT
+
+Check	VERB
+out	ADP
+The	DET
+Willow	PROPN
+Lounge	PROPN
+,	PUNCT
+you	PRON
+ll	AUX
+be	AUX
+happy	ADJ
+!	PUNCT
+
+It	PRON
+s	AUX
+been	AUX
+a	DET
+few	ADJ
+years	NOUN
+since	SCONJ
+I	PRON
+have	AUX
+been	AUX
+to	ADP
+Ipanema	PROPN
+.	PUNCT
+
+But	CCONJ
+my	PRON
+wife	NOUN
+and	CCONJ
+I	PRON
+first	ADV
+went	VERB
+there	ADV
+thinking	VERB
+it	PRON
+would	AUX
+be	AUX
+Brazilian	ADJ
+food	NOUN
+(	PUNCT
+think	VERB
+lots	NOUN
+of	ADP
+meat	NOUN
+)	PUNCT
+,	PUNCT
+but	CCONJ
+it	PRON
+turned	VERB
+out	ADP
+to	PART
+be	AUX
+a	DET
+vegan	ADJ
+restaurant	NOUN
+!	PUNCT
+
+And	CCONJ
+,	PUNCT
+I	PRON
+can	AUX
+say	VERB
+,	PUNCT
+this	PRON
+was	AUX
+one	NUM
+of	ADP
+my	PRON
+favorite	ADJ
+places	NOUN
+to	PART
+eat	VERB
+in	ADP
+all	DET
+of	ADP
+Richmond	PROPN
+.	PUNCT
+
+Amazing	ADJ
+!	PUNCT
+
+Do	AUX
+n't	PART
+let	VERB
+the	DET
+nondescript	ADJ
+building	NOUN
+entrance	NOUN
+fool	VERB
+you	PRON
+,	PUNCT
+these	PRON
+are	AUX
+some	DET
+creative	ADJ
+and	CCONJ
+talented	ADJ
+chefs	NOUN
+...	PUNCT
+two	NUM
+thumbs	NOUN
+way	ADV
+,	PUNCT
+way	ADV
+up	ADV
+!	PUNCT
+
+Excellent	ADJ
+food	NOUN
+,	PUNCT
+fantastic	ADJ
+wait	NOUN
+staff	NOUN
+
+I	PRON
+recently	ADV
+threw	VERB
+a	DET
+surprise	NOUN
+birthday	NOUN
+party	NOUN
+for	ADP
+my	PRON
+wife	NOUN
+at	ADP
+Fraiser	PROPN
+'s	PART
+.	PUNCT
+
+We	PRON
+had	VERB
+30	NUM
+guests	NOUN
+for	ADP
+the	DET
+event	NOUN
+,	PUNCT
+and	CCONJ
+everyone	PRON
+came	VERB
+away	ADV
+from	ADP
+the	DET
+evening	NOUN
+impressed	ADJ
+with	ADP
+not	ADV
+only	ADV
+the	DET
+food	NOUN
+,	PUNCT
+but	CCONJ
+the	DET
+outstanding	ADJ
+service	NOUN
+as	ADV
+well	ADV
+.	PUNCT
+
+The	DET
+management	NOUN
+was	AUX
+easy	ADJ
+to	PART
+deal	VERB
+with	ADP
+during	ADP
+the	DET
+planning	NOUN
+stages	NOUN
+,	PUNCT
+and	CCONJ
+the	DET
+execution	NOUN
+by	ADP
+the	DET
+kitchen	NOUN
+and	CCONJ
+wait	NOUN
+staff	NOUN
+was	AUX
+flawless	ADJ
+.	PUNCT
+
+I	PRON
+highly	ADV
+recommend	VERB
+Fraiser	PROPN
+'s	PART
+for	ADP
+anyone	PRON
+planning	VERB
+a	DET
+special	ADJ
+event	NOUN
+for	ADP
+friends	NOUN
+,	PUNCT
+family	NOUN
+or	CCONJ
+business	NOUN
+.	PUNCT
+
+FANTASTIC	ADJ
+STORE	NOUN
+!!!	PUNCT
+
+I	PRON
+came	VERB
+upon	ADP
+this	DET
+store	NOUN
+as	SCONJ
+the	DET
+building	NOUN
+caught	VERB
+my	PRON
+eye	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+located	VERB
+in	ADP
+the	DET
+huge	ADJ
+HONKA	PROPN
+Log	PROPN
+Homes	PROPN
+building	NOUN
+,	PUNCT
+by	ADP
+Walmart	PROPN
+off	ADP
+of	ADP
+Evergreen	PROPN
+Parkway	PROPN
+.	PUNCT
+
+The	DET
+store	NOUN
+was	AUX
+decorated	VERB
+with	ADP
+furnishings	NOUN
+&	CCONJ
+accessories	NOUN
+.	PUNCT
+
+The	DET
+friendly	ADJ
+crew	NOUN
+working	VERB
+was	AUX
+great	ADJ
+&	CCONJ
+very	ADV
+helpful	ADJ
+.	PUNCT
+
+This	DET
+store	NOUN
+is	AUX
+what	PRON
+Colorado	PROPN
+is	AUX
+all	ADV
+about	ADP
+.	PUNCT
+
+Also	ADV
+,	PUNCT
+I	PRON
+purchased	VERB
+some	DET
+furniture	NOUN
+last	ADJ
+year	NOUN
+and	CCONJ
+all	DET
+has	AUX
+been	AUX
+great	ADJ
+!	PUNCT
+
+It's	PRON
+durability	NOUN
+&	CCONJ
+look	NOUN
+was	AUX
+perfect	ADJ
+and	CCONJ
+I	PRON
+will	AUX
+definitely	ADV
+be	AUX
+adding	VERB
+to	ADP
+my	PRON
+collection	NOUN
+soon	ADV
+!	PUNCT
+
+Lovely	ADJ
+People	NOUN
+,	PUNCT
+Great	ADJ
+Hats	NOUN
+
+I	PRON
+was	AUX
+saddened	VERB
+to	PART
+see	VERB
+the	DET
+reviews	NOUN
+that	PRON
+claimed	VERB
+World	PROPN
+Hats	PROPN
+Mart	PROPN
+has	VERB
+poor	ADJ
+service	NOUN
+.	PUNCT
+
+It	PRON
+led	VERB
+me	PRON
+to	PART
+believe	VERB
+that	SCONJ
+the	DET
+reviewers	NOUN
+simply	ADV
+had	VERB
+difficulty	NOUN
+tolerating	VERB
+people	NOUN
+with	ADP
+strongly	ADV
+-	PUNCT
+accented	ADJ
+English	PROPN
+.	PUNCT
+
+The	DET
+husband	NOUN
+and	CCONJ
+wife	NOUN
+who	PRON
+run	VERB
+this	DET
+spot	NOUN
+are	AUX
+lovely	ADJ
+people	NOUN
+.	PUNCT
+
+We	PRON
+have	AUX
+had	VERB
+many	ADJ
+conversations	NOUN
+with	ADP
+them	PRON
+and	CCONJ
+they	PRON
+have	AUX
+always	ADV
+been	AUX
+extremely	ADV
+patient	ADJ
+with	ADP
+me	PRON
+as	SCONJ
+I	PRON
+tried	VERB
+on	ADP
+multiple	ADJ
+hats	NOUN
+in	ADP
+search	NOUN
+of	ADP
+the	DET
+right	ADJ
+costumes	NOUN
+for	ADP
+my	PRON
+magic	NOUN
+act	NOUN
+.	PUNCT
+
+I	PRON
+recommend	VERB
+them	PRON
+highly	ADV
+!	PUNCT
+
+DO	AUX
+NT	PART
+ever	ADV
+go	VERB
+there	ADV
+,	PUNCT
+not	PART
+even	ADV
+if	SCONJ
+your	PRON
+car	NOUN
+flips	VERB
+.	PUNCT
+
+Their	PRON
+service	NOUN
+sucks	VERB
+to	PART
+start	VERB
+off	ADP
+with	ADV
+,	PUNCT
+people	NOUN
+are	AUX
+cruel	ADJ
+and	CCONJ
+ignorant	ADJ
+.	PUNCT
+
+I	PRON
+'m	AUX
+compeltly	ADV
+dissatisfied	ADJ
+with	ADP
+their	PRON
+service	NOUN
+and	CCONJ
+their	PRON
+products	NOUN
+.	PUNCT
+
+They	PRON
+DO	AUX
+NOT	PART
+have	VERB
+a	DET
+return	NOUN
+policy	NOUN
+and	CCONJ
+even	ADV
+if	SCONJ
+their	PRON
+product	NOUN
+SUCKS	VERB
+,	PUNCT
+they	PRON
+will	AUX
+NOT	PART
+take	VERB
+it	PRON
+back	ADV
+!	PUNCT
+
+DO	AUX
+NOT	PART
+EVER	ADV
+GO	VERB
+HERE	ADV
+.	PUNCT
+
+I	PRON
+prefer	VERB
+Advanced	PROPN
+auto	PROPN
+parts	PROPN
+over	ADP
+this	DET
+crappy	ADJ
+place	NOUN
+with	ADP
+the	DET
+meanest	ADJ
+people	NOUN
+.	PUNCT
+
+And	CCONJ
+they	PRON
+THRIVE	VERB
+to	PART
+get	VERB
+a	DET
+customer	NOUN
+.	PUNCT
+
+DO	AUX
+NOT	PART
+go	VERB
+here	ADV
+..	PUNCT
+thank	VERB
+you	PRON
+
+Horrible	ADJ
+
+I	PRON
+have	AUX
+been	AUX
+growing	VERB
+my	PRON
+hair	NOUN
+out	ADV
+for	ADP
+1	NUM
+year	NOUN
+plus	ADV
+and	CCONJ
+went	VERB
+in	ADV
+to	PART
+get	VERB
+1	NUM
+inch	NOUN
+taken	VERB
+off	ADP
+.	PUNCT
+
+I	PRON
+walked	VERB
+out	ADV
+with	ADP
+5	NUM
+inch	NOUN
+long	ADJ
+hair	NOUN
+on	ADP
+the	DET
+top	NOUN
+,	PUNCT
+2	NUM
+inch	NOUN
+long	ADJ
+hair	NOUN
+on	ADP
+the	DET
+sides	NOUN
+,	PUNCT
+and	CCONJ
+1.5	NUM
+in	ADP
+the	DET
+back	NOUN
+.	PUNCT
+
+My	PRON
+hair	NOUN
+is	AUX
+uneven	ADJ
+and	CCONJ
+it	PRON
+looks	VERB
+rediculous	ADJ
+.	PUNCT
+
+This	DET
+woman	NOUN
+should	AUX
+be	AUX
+working	VERB
+in	ADP
+supercuts	PROPN
+...	PUNCT
+if	SCONJ
+that	PRON
+.	PUNCT
+
+This	PRON
+was	AUX
+a	DET
+terrible	ADJ
+experience	NOUN
+and	CCONJ
+I	PRON
+hope	VERB
+that	SCONJ
+no	DET
+one	NOUN
+else	ADJ
+goes	VERB
+through	ADP
+that	PRON
+.	PUNCT
+
+Do	VERB
+your	X
+self	PRON
+a	DET
+favor	NOUN
+and	CCONJ
+do	AUX
+not	PART
+go	VERB
+to	ADP
+this	DET
+establishment	NOUN
+.	PUNCT
+
+The	DET
+worst	ADJ
+Burger	PROPN
+King	PROPN
+restaurant	NOUN
+!!!	PUNCT
+
+I	PRON
+generally	ADV
+like	VERB
+the	DET
+BK	PROPN
+over	ADP
+the	DET
+other	ADJ
+fast	ADV
+serving	VERB
+restaurants	NOUN
+;	PUNCT
+however	ADV
+,	PUNCT
+I	PRON
+regreted	VERB
+to	PART
+visit	VERB
+this	DET
+restaurant	NOUN
+at	ADP
+my	PRON
+town	NOUN
+.	PUNCT
+
+This	PRON
+is	AUX
+a	DET
+shame	NOUN
+of	ADP
+my	PRON
+adorable	ADJ
+town	NOUN
+,	PUNCT
+Branford	PROPN
+.	PUNCT
+
+I	PRON
+ordered	VERB
+a	DET
+kid	NOUN
+meal	NOUN
+with	ADP
+a	DET
+milk	NOUN
+and	CCONJ
+found	VERB
+a	DET
+bottle	NOUN
+was	AUX
+half	ADV
+opened	VERB
+already	ADV
+.	PUNCT
+
+I	PRON
+asked	VERB
+them	PRON
+to	PART
+change	VERB
+it	PRON
+but	CCONJ
+they	PRON
+rudely	ADV
+said	VERB
+that	SCONJ
+it	PRON
+was	AUX
+okay	ADJ
+.	PUNCT
+
+Disgusting	ADJ
+french	ADJ
+fries	NOUN
+is	AUX
+very	ADV
+best	ADJ
+menu	NOUN
+.	PUNCT
+
+Do	AUX
+n't	PART
+go	VERB
+,	PUNCT
+or	CCONJ
+you	PRON
+will	AUX
+learn	VERB
+how	ADV
+to	PART
+waste	VERB
+your	PRON
+money	NOUN
+.	PUNCT
+
+Disappointed	ADJ
+
+The	DET
+Bad	ADJ
+:	PUNCT
+I	PRON
+was	VERB
+at	ADP
+Napa	PROPN
+recently	ADV
+and	CCONJ
+was	AUX
+unpleasantly	ADV
+surprised	ADJ
+at	ADP
+poor	ADJ
+waiter	NOUN
+svce	NOUN
+and	CCONJ
+subpar	ADJ
+food	NOUN
+.	PUNCT
+
+We	PRON
+were	AUX
+a	DET
+party	NOUN
+of	ADP
+4	NUM
+and	CCONJ
+none	NOUN
+of	ADP
+us	PRON
+were	AUX
+particularly	ADV
+pleased	ADJ
+with	ADP
+our	PRON
+dishes	NOUN
+.	PUNCT
+
+Napa	PROPN
+is	AUX
+all	ADV
+about	ADP
+wine	NOUN
+but	CCONJ
+gives	VERB
+very	ADV
+short	ADJ
+descriptions	NOUN
+of	ADP
+the	DET
+wines	NOUN
+on	ADP
+their	PRON
+lists	NOUN
+.	PUNCT
+
+I	PRON
+found	VERB
+my	PRON
+initial	ADJ
+selection	NOUN
+satisfactory	ADJ
+but	CCONJ
+the	DET
+wine	NOUN
+flight	NOUN
+we	PRON
+chose	VERB
+to	PART
+be	VERB
+poorly	ADV
+composed	VERB
+.	PUNCT
+
+If	SCONJ
+you	PRON
+must	AUX
+go	VERB
+ask	VERB
+lots	NOUN
+of	ADP
+questions	NOUN
+about	ADP
+your	PRON
+selections	NOUN
+since	SCONJ
+your	PRON
+expectations	NOUN
+may	AUX
+as	ADV
+high	ADJ
+as	SCONJ
+mine	PRON
+were	VERB
+.	PUNCT
+
+Highly	ADV
+Recommended	VERB
+
+We	PRON
+walked	VERB
+in	ADV
+to	PART
+pick	VERB
+our	PRON
+little	ADJ
+man	NOUN
+at	ADP
+10	NUM
+minutes	NOUN
+to	ADP
+closing	NOUN
+and	CCONJ
+heard	VERB
+laughter	NOUN
+from	ADP
+kids	NOUN
+and	CCONJ
+the	DET
+staff	NOUN
+.	PUNCT
+
+The	DET
+facilities	NOUN
+are	AUX
+more	ADJ
+than	ADP
+adequate	ADJ
+and	CCONJ
+the	DET
+staff	NOUN
+are	AUX
+just	ADV
+phenomenal	ADJ
+.	PUNCT
+
+Their	PRON
+sense	NOUN
+of	ADP
+humour	NOUN
+and	CCONJ
+calmness	NOUN
+when	ADV
+dealing	VERB
+with	ADP
+the	DET
+little	ADJ
+ones	NOUN
+amazes	VERB
+me	PRON
+every	DET
+time	NOUN
+I	PRON
+walk	VERB
+in	ADV
+.	PUNCT
+
+We	PRON
+have	AUX
+since	ADV
+moved	VERB
+slightly	ADV
+further	ADV
+away	ADV
+from	ADP
+the	DET
+centre	NOUN
+but	CCONJ
+it	PRON
+'s	AUX
+worth	ADJ
+the	DET
+extra	ADJ
+travel	NOUN
+,	PUNCT
+as	SCONJ
+the	DET
+care	NOUN
+provided	VERB
+exceeds	VERB
+our	PRON
+expectations	NOUN
+...	PUNCT
+especially	ADV
+after	ADP
+a	DET
+few	ADJ
+horrendous	ADJ
+daycare	NOUN
+experiences	NOUN
+elsewhere	ADV
+.	PUNCT
+
+HORRIBLE	ADJ
+!!!!	PUNCT
+!	PUNCT
+
+This	PRON
+has	VERB
+to	PART
+be	AUX
+some	DET
+of	ADP
+the	DET
+worst	ADJ
+pizza	NOUN
+I	PRON
+have	AUX
+ever	ADV
+had	VERB
+the	DET
+misfortune	NOUN
+of	SCONJ
+ordering	VERB
+.	PUNCT
+
+The	DET
+crust	NOUN
+was	AUX
+lopsided	ADJ
+,	PUNCT
+thicker	ADJ
+on	ADP
+one	NUM
+side	NOUN
+than	ADP
+the	DET
+other	ADJ
+.	PUNCT
+
+It	PRON
+actually	ADV
+had	VERB
+a	DET
+hole	NOUN
+in	ADP
+one	NUM
+of	ADP
+the	DET
+slices	NOUN
+.	PUNCT
+
+There	PRON
+was	VERB
+minimal	ADJ
+cheese	NOUN
+and	CCONJ
+sauce	NOUN
+and	CCONJ
+it	PRON
+completely	ADV
+lacked	VERB
+flavor	NOUN
+.	PUNCT
+
+I	PRON
+know	VERB
+New	PROPN
+York	PROPN
+pizza	NOUN
+and	CCONJ
+this	PRON
+is	AUX
+not	PART
+it	PRON
+!!	PUNCT
+
+This	PRON
+was	AUX
+nothing	PRON
+like	ADP
+New	PROPN
+York	PROPN
+style	NOUN
+pizza	NOUN
+!!!.	PUNCT
+
+I	PRON
+love	VERB
+pizza	NOUN
+and	CCONJ
+this	PRON
+was	AUX
+a	DET
+complete	ADJ
+and	CCONJ
+utter	ADJ
+disappointment	NOUN
+!!	PUNCT
+
+I	PRON
+would	AUX
+not	PART
+suggest	VERB
+this	DET
+pizza	NOUN
+to	ADP
+anyone	PRON
+!!!	PUNCT
+
+best	ADJ
+quote	NOUN
+ever	ADV
+My	PRON
+gate	NOUN
+was	AUX
+stuck	ADJ
+halfway	ADV
+open	ADJ
+so	ADV
+I	PRON
+called	VERB
+A	PROPN
+CLASS	PROPN
+Garage	PROPN
+Doors	PROPN
+Dr	NOUN
+Services	NOUN
+.	PUNCT
+
+They	PRON
+came	VERB
+to	ADP
+my	PRON
+house	NOUN
+in	ADP
+no	DET
+time	NOUN
+and	CCONJ
+started	VERB
+working	VERB
+on	ADP
+the	DET
+gate	NOUN
+.	PUNCT
+
+They	PRON
+were	AUX
+very	ADV
+friendly	ADJ
+and	CCONJ
+were	AUX
+able	ADJ
+to	PART
+explain	VERB
+me	PRON
+exactly	ADV
+what	PRON
+was	AUX
+wrong	ADJ
+with	ADP
+it	PRON
+.	PUNCT
+
+Once	SCONJ
+they	PRON
+fixed	VERB
+it	PRON
+they	PRON
+answetred	VERB
+all	DET
+of	ADP
+my	PRON
+questions	NOUN
+with	ADP
+no	DET
+hesitations	NOUN
+and	CCONJ
+then	ADV
+gave	VERB
+me	PRON
+the	DET
+best	ADJ
+quote	NOUN
+ever	ADV
+.	PUNCT
+
+I	PRON
+know	VERB
+that	SCONJ
+if	SCONJ
+my	PRON
+garage	NOUN
+door	NOUN
+needs	VERB
+to	PART
+be	AUX
+repaired	VERB
+,	PUNCT
+I	PRON
+will	AUX
+be	AUX
+calling	VERB
+A	PROPN
+CLASS	PROPN
+Garage	PROPN
+Doors	PROPN
+
+You	PRON
+will	AUX
+be	AUX
+happy	ADJ
+at	ADP
+this	DET
+store	NOUN
+!	PUNCT
+
+Allen	PROPN
+Tire	PROPN
+was	AUX
+recommended	VERB
+by	ADP
+friend	NOUN
+after	SCONJ
+my	PRON
+having	VERB
+bad	ADJ
+tire	NOUN
+experiences	NOUN
+in	ADP
+Temecula	PROPN
+.	PUNCT
+
+The	DET
+store	NOUN
+manager	NOUN
+,	PUNCT
+Jim	PROPN
+Smith	PROPN
+,	PUNCT
+made	VERB
+an	DET
+excellent	ADJ
+tire	NOUN
+recommendation	NOUN
+for	ADP
+my	PRON
+newly	ADV
+acquired	VERB
+Lexus	PROPN
+.	PUNCT
+
+Tires	NOUN
+were	AUX
+the	DET
+right	ADJ
+price	NOUN
+and	CCONJ
+now	ADV
+the	DET
+car	NOUN
+feels	VERB
+like	SCONJ
+it	PRON
+is	AUX
+riding	VERB
+on	ADP
+rails	NOUN
+around	ADP
+turns	NOUN
+.	PUNCT
+
+The	DET
+store	NOUN
+is	VERB
+clean	ADJ
+,	PUNCT
+run	VERB
+very	ADV
+professionally	ADV
+and	CCONJ
+a	DET
+pleasure	NOUN
+to	PART
+be	AUX
+in	ADP
+.	PUNCT
+
+They	PRON
+know	VERB
+their	PRON
+job	NOUN
+and	CCONJ
+you	PRON
+do	AUX
+not	PART
+have	VERB
+to	PART
+watch	VERB
+them	PRON
+to	PART
+be	AUX
+sure	ADJ
+everything	PRON
+is	AUX
+done	VERB
+right	ADJ
+.	PUNCT
+
+Easiest	ADJ
+Time	NOUN
+I	PRON
+ever	ADV
+had	VERB
+purchasing	VERB
+a	DET
+car	NOUN
+!	PUNCT
+
+Excellent	ADJ
+service	NOUN
+,	PUNCT
+Not	ADV
+only	ADV
+did	AUX
+they	PRON
+get	VERB
+the	DET
+exact	ADJ
+car	NOUN
+I	PRON
+wanted	VERB
+win	X
+in	ADP
+48	NUM
+hours	NOUN
+but	CCONJ
+the	DET
+sales	NOUN
+man	NOUN
+also	ADV
+took	VERB
+me	PRON
+out	ADV
+to	ADP
+lunch	NOUN
+.	PUNCT
+
+Very	ADV
+kind	ADJ
+and	CCONJ
+reliable	ADJ
+.	PUNCT
+
+I	PRON
+highly	ADV
+recommend	VERB
+this	DET
+dealership	NOUN
+if	SCONJ
+you	PRON
+would	AUX
+not	PART
+like	VERB
+to	PART
+hassle	VERB
+on	ADP
+price	NOUN
+and	CCONJ
+receive	VERB
+friendly	ADJ
+service	NOUN
+.	PUNCT
+
+I	PRON
+have	AUX
+since	ADV
+purchased	VERB
+two	NUM
+cars	NOUN
+from	ADP
+this	DET
+dealership	NOUN
+,	PUNCT
+The	DET
+first	ADJ
+one	NOUN
+was	AUX
+from	ADP
+Phillip	PROPN
+and	CCONJ
+the	DET
+second	NOUN
+was	AUX
+from	ADP
+Richard	PROPN
+.	PUNCT
+
+Both	DET
+were	AUX
+excellent	ADJ
+sales	NOUN
+men	NOUN
+who	PRON
+put	VERB
+my	PRON
+needs	NOUN
+first	ADV
+.	PUNCT
+
+This	DET
+place	NOUN
+has	AUX
+done	VERB
+a	DET
+great	ADJ
+job	NOUN
+of	SCONJ
+taking	VERB
+care	NOUN
+of	ADP
+the	DET
+usual	ADJ
+maintenance	NOUN
+on	ADP
+my	PRON
+hooptie	NOUN
+.	PUNCT
+
+I	PRON
+also	ADV
+never	ADV
+have	VERB
+to	PART
+wait	VERB
+long	ADV
+for	ADP
+a	DET
+yearly	ADV
+inspection	NOUN
+sticker	NOUN
+...	PUNCT
+and	CCONJ
+never	ADV
+get	VERB
+the	DET
+usual	ADJ
+excuses	NOUN
+other	ADJ
+shops	NOUN
+always	ADV
+gave	VERB
+me	PRON
+...	PUNCT
+"	PUNCT
+the	DET
+inspection	NOUN
+guy	NOUN
+is	AUX
+n't	PART
+here	ADV
+today	NOUN
+"	PUNCT
+....	PUNCT
+for	ADP
+example	NOUN
+.	PUNCT
+
+Today	NOUN
+I	PRON
+went	VERB
+into	ADP
+Kwik	PROPN
+Kar	PROPN
+and	CCONJ
+there	PRON
+were	VERB
+two	NUM
+cars	NOUN
+in	ADP
+front	NOUN
+of	ADP
+me	PRON
+for	ADP
+inspection	NOUN
+...	PUNCT
+but	CCONJ
+I	PRON
+was	VERB
+still	ADV
+out	ADP
+of	ADP
+there	ADV
+pretty	ADV
+quick	ADV
+...	PUNCT
+barely	ADV
+had	VERB
+time	NOUN
+to	PART
+read	VERB
+a	DET
+chapter	NOUN
+in	ADP
+my	PRON
+book	NOUN
+.	PUNCT
+
+Extremely	ADV
+helpful	ADJ
+and	CCONJ
+professional	ADJ
+
+As	ADP
+first	ADJ
+-	PUNCT
+time	NOUN
+home	NOUN
+buyers	NOUN
+,	PUNCT
+my	PRON
+husband	NOUN
+and	CCONJ
+I	PRON
+found	VERB
+Stephanie	PROPN
+Fairchild	PROPN
+at	ADP
+Prudential	PROPN
+Steamboat	PROPN
+Realty	PROPN
+,	PUNCT
+extremely	ADV
+helpful	ADJ
+.	PUNCT
+
+She	PRON
+worked	VERB
+with	ADP
+us	PRON
+for	ADP
+over	ADP
+a	DET
+year	NOUN
+,	PUNCT
+helping	VERB
+us	PRON
+find	VERB
+our	PRON
+perfect	ADJ
+home	NOUN
+.	PUNCT
+
+Stephanie	PROPN
+'s	PART
+knowledge	NOUN
+of	ADP
+the	DET
+market	NOUN
+and	CCONJ
+properties	NOUN
+in	ADP
+our	PRON
+price	NOUN
+range	NOUN
+,	PUNCT
+made	VERB
+us	PRON
+feel	VERB
+secure	ADJ
+in	ADP
+our	PRON
+decision	NOUN
+to	PART
+buy	VERB
+when	ADV
+we	PRON
+did	AUX
+.	PUNCT
+
+We	PRON
+would	AUX
+highly	ADV
+recommend	VERB
+Stephanie	PROPN
+to	ADP
+anyone	PRON
+looking	VERB
+for	ADP
+a	DET
+home	NOUN
+in	ADP
+the	DET
+Yampa	PROPN
+Valley	PROPN
+.	PUNCT
+
+We	PRON
+appreciated	VERB
+her	PRON
+patience	NOUN
+,	PUNCT
+knowledge	NOUN
+and	CCONJ
+kindness	NOUN
+!	PUNCT
+
+Great	ADJ
+Barber	NOUN
+
+Firstly	ADV
+,	PUNCT
+the	DET
+other	ADJ
+reviewer	NOUN
+clearly	ADV
+has	AUX
+never	ADV
+been	AUX
+to	ADP
+Nick	PROPN
+'s	PART
+,	PUNCT
+or	CCONJ
+he	PRON
+would	AUX
+know	VERB
+that	SCONJ
+Nick	PROPN
+only	ADV
+charges	VERB
+$	SYM
+13	NUM
+for	ADP
+a	DET
+haircut	NOUN
+which	PRON
+is	AUX
+pretty	ADV
+much	ADV
+industry	NOUN
+standard	NOUN
+.	PUNCT
+
+I	PRON
+have	AUX
+been	AUX
+going	VERB
+to	ADP
+Nick	PROPN
+for	ADP
+5	NUM
+months	NOUN
+now	ADV
+precisely	ADV
+because	SCONJ
+he	PRON
+does	AUX
+pay	VERB
+attention	NOUN
+to	ADP
+detail	NOUN
+.	PUNCT
+
+I	PRON
+have	VERB
+terrible	ADJ
+hair	NOUN
+and	CCONJ
+he	PRON
+really	ADV
+takes	VERB
+his	PRON
+time	NOUN
+to	PART
+make	VERB
+it	PRON
+look	VERB
+right	ADJ
+.	PUNCT
+
+Some	DET
+of	ADP
+the	DET
+younger	ADJ
+kids	NOUN
+that	PRON
+work	VERB
+there	ADV
+are	AUX
+a	DET
+bit	NOUN
+sub	X
+par	ADJ
+,	PUNCT
+but	CCONJ
+if	SCONJ
+you	PRON
+wait	VERB
+for	ADP
+Nick	PROPN
+...	PUNCT
+you	PRON
+'ll	AUX
+be	AUX
+good	ADJ
+.	PUNCT
+
+UGH	INTJ
+!!!	PUNCT
+
+Got	VERB
+some	DET
+nice	ADJ
+"	PUNCT
+freshly	ADV
+baked	VERB
+"	PUNCT
+fruit	NOUN
+squares	NOUN
+,	PUNCT
+a	DET
+personal	ADJ
+favorite	NOUN
+of	ADP
+mine	PRON
+.	PUNCT
+
+Took	VERB
+a	DET
+bite	NOUN
+,	PUNCT
+it	PRON
+tasted	VERB
+odd	ADJ
+.	PUNCT
+
+Flipped	VERB
+the	DET
+square	NOUN
+over	ADP
+and	CCONJ
+saw	VERB
+it	PRON
+riddled	ADJ
+with	ADP
+green	ADJ
+mold	NOUN
+!!!!	PUNCT
+
+Ugh	INTJ
+!!	PUNCT
+
+I	PRON
+called	VERB
+the	DET
+store	NOUN
+and	CCONJ
+the	DET
+clerk	NOUN
+giggled	VERB
+,	PUNCT
+and	CCONJ
+agreed	VERB
+that	SCONJ
+it	PRON
+was	AUX
+gross	ADJ
+,	PUNCT
+but	CCONJ
+said	VERB
+it	PRON
+was	AUX
+not	PART
+her	PRON
+problem	NOUN
+.	PUNCT
+
+She	PRON
+also	ADV
+refused	VERB
+to	PART
+get	VERB
+a	DET
+manager	NOUN
+.	PUNCT
+
+I	PRON
+left	VERB
+my	PRON
+number	NOUN
+,	PUNCT
+or	CCONJ
+tried	VERB
+to	PART
+anyway	ADV
+.	PUNCT
+
+Same	ADJ
+clerk	NOUN
+had	VERB
+considerable	ADJ
+difficulty	NOUN
+taking	VERB
+down	ADP
+a	DET
+number	NOUN
+.	PUNCT
+
+I	PRON
+'ll	AUX
+never	ADV
+go	VERB
+back	ADV
+there	ADV
+again	ADV
+
+For	ADP
+cheap	ADJ
+Chinese	ADJ
+food	NOUN
+,	PUNCT
+this	PRON
+is	AUX
+the	DET
+place	NOUN
+to	PART
+go	VERB
+.	PUNCT
+
+I	PRON
+used	VERB
+to	PART
+eat	VERB
+at	ADP
+places	NOUN
+like	ADP
+New	PROPN
+China	PROPN
+or	CCONJ
+Green	PROPN
+Buffet	PROPN
+in	ADP
+Troy	PROPN
+,	PUNCT
+MO	PROPN
+-	PUNCT
+nothing	PRON
+terrible	ADJ
+but	CCONJ
+not	ADV
+that	ADV
+great	ADJ
+.	PUNCT
+
+Now	ADV
+,	PUNCT
+I	PRON
+wo	AUX
+n't	PART
+eat	VERB
+fast	ADJ
+food	NOUN
+Chinese	ADJ
+unless	SCONJ
+it	PRON
+'s	AUX
+from	ADP
+this	DET
+place	NOUN
+.	PUNCT
+
+The	DET
+best	ADJ
+value	NOUN
+I	PRON
+'ve	AUX
+found	VERB
+from	ADP
+a	DET
+Chinese	ADJ
+restaurant	NOUN
+.	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+live	VERB
+in	ADP
+Lake	PROPN
+St.	PROPN
+Louis	PROPN
+anymore	ADV
+,	PUNCT
+but	CCONJ
+deliveries	NOUN
+were	AUX
+always	ADV
+correct	ADJ
+and	CCONJ
+the	DET
+service	NOUN
+courteous	ADJ
+.	PUNCT
+
+Now	ADV
+I	PRON
+have	VERB
+to	PART
+be	VERB
+in	ADP
+the	DET
+area	NOUN
+to	PART
+get	VERB
+some	DET
+lovin'	NOUN
+:	PUNCT
+sad	ADJ
+face	NOUN
+:	PUNCT
+
+Amazing	ADJ
+Experience	NOUN
+!	PUNCT
+
+My	PRON
+experience	NOUN
+was	AUX
+amazing	ADJ
+at	ADP
+Providence	PROPN
+Aesthetics	PROPN
+and	CCONJ
+Medical	PROPN
+Spa	PROPN
+.	PUNCT
+
+Jana	PROPN
+Kueck	PROPN
+was	AUX
+nothing	PRON
+but	ADP
+professional	ADJ
+.	PUNCT
+
+She	PRON
+makes	VERB
+you	PRON
+feel	VERB
+like	SCONJ
+you	PRON
+are	AUX
+the	DET
+most	ADV
+important	ADJ
+person	NOUN
+in	ADP
+the	DET
+world	NOUN
+.	PUNCT
+
+Jana	PROPN
+made	VERB
+me	PRON
+feel	VERB
+very	ADV
+comfortable	ADJ
+.	PUNCT
+
+Provided	VERB
+me	PRON
+with	ADP
+warm	ADJ
+blanket	NOUN
+and	CCONJ
+has	VERB
+soft	ADJ
+music	NOUN
+playing	VERB
+.	PUNCT
+
+Walking	VERB
+in	ADP
+the	DET
+door	NOUN
+you	PRON
+are	AUX
+made	VERB
+to	PART
+feel	VERB
+happy	ADJ
+and	CCONJ
+relaxed	ADJ
+.	PUNCT
+
+Equipment	NOUN
+is	AUX
+state	NOUN
+of	ADP
+the	DET
+art	NOUN
+.	PUNCT
+
+I	PRON
+would	AUX
+reccomend	VERB
+anyone	PRON
+to	PART
+go	VERB
+see	VERB
+Jana	PROPN
+Kueck	PROPN
+and	CCONJ
+Robin	PROPN
+Talley	PROPN
+to	PART
+see	VERB
+all	DET
+the	DET
+many	ADJ
+procedures	NOUN
+they	PRON
+have	VERB
+to	PART
+offer	VERB
+.	PUNCT
+
+Dave	PROPN
+is	AUX
+a	DET
+patient	ADJ
+and	CCONJ
+methodical	ADJ
+teacher	NOUN
+,	PUNCT
+who	PRON
+has	VERB
+a	DET
+great	ADJ
+ear	NOUN
+and	CCONJ
+sensitivity	NOUN
+for	ADP
+his	PRON
+students	NOUN
+'	PART
+passion	NOUN
+and	CCONJ
+the	DET
+direction	NOUN
+they	PRON
+want	VERB
+their	PRON
+lessons	NOUN
+to	PART
+take	VERB
+.	PUNCT
+
+Also	ADV
+,	PUNCT
+he	PRON
+loves	VERB
+teaching	NOUN
+so	ADV
+much	ADV
+,	PUNCT
+his	PRON
+price	NOUN
+is	AUX
+unbeatable	ADJ
+,	PUNCT
+but	CCONJ
+that	PRON
+does	AUX
+not	PART
+change	VERB
+his	PRON
+level	NOUN
+of	ADP
+skill	NOUN
+.	PUNCT
+
+Dave	PROPN
+has	VERB
+much	ADJ
+to	PART
+offer	VERB
+.	PUNCT
+
+In	ADP
+just	ADV
+2	NUM
+-	SYM
+3	NUM
+focused	VERB
+lessons	NOUN
+,	PUNCT
+I	PRON
+'m	AUX
+already	ADV
+now	ADV
+capable	ADJ
+of	SCONJ
+picking	VERB
+up	ADP
+new	ADJ
+songs	NOUN
+off	ADP
+YouTube	PROPN
+guitar	NOUN
+how	ADV
+to	PART
+videos	NOUN
+and	CCONJ
+am	AUX
+even	ADV
+writing	VERB
+my	PRON
+own	ADJ
+orginals	NOUN
+with	ADP
+confidence	NOUN
+!	PUNCT
+
+~	PUNCT
+Jason	PROPN
+
+We	PRON
+love	VERB
+our	PRON
+new	ADJ
+roof	NOUN
+!	PUNCT
+
+We	PRON
+would	AUX
+like	VERB
+to	PART
+thank	VERB
+you	PRON
+for	ADP
+the	DET
+roofing	NOUN
+job	NOUN
+you	PRON
+did	VERB
+on	ADP
+our	PRON
+home	NOUN
+.	PUNCT
+
+Everything	PRON
+was	AUX
+done	VERB
+on	ADP
+a	DET
+timely	ADJ
+manner	NOUN
+and	CCONJ
+things	NOUN
+were	AUX
+cleaned	VERB
+and	CCONJ
+picked	VERB
+up	ADP
+every	DET
+day	NOUN
+when	ADV
+the	DET
+crew	NOUN
+was	AUX
+done	ADJ
+.	PUNCT
+
+We	PRON
+also	ADV
+liked	VERB
+the	DET
+way	NOUN
+that	ADV
+Ray	PROPN
+checked	VERB
+on	ADP
+the	DET
+job	NOUN
+every	DET
+day	NOUN
+.	PUNCT
+
+And	CCONJ
+when	ADV
+the	DET
+job	NOUN
+was	AUX
+done	ADJ
+every	DET
+thing	NOUN
+was	AUX
+cleaned	VERB
+up	ADP
+and	CCONJ
+hauled	VERB
+off	ADP
+that	DET
+same	ADJ
+day	NOUN
+.	PUNCT
+
+We	PRON
+would	AUX
+not	PART
+hesitate	VERB
+to	PART
+use	VERB
+Spears	PROPN
+Roofing	PROPN
+again	ADV
+.	PUNCT
+
+We	PRON
+have	AUX
+already	ADV
+recommended	VERB
+you	PRON
+to	ADP
+some	DET
+of	ADP
+our	PRON
+friends	NOUN
+!	PUNCT
+
+OMFG	INTJ
+
+I	PRON
+FUCKING	ADV
+HATE	VERB
+THIS	DET
+PLACE	NOUN
+EVERY	DET
+TIME	NOUN
+i	PRON
+GO	VERB
+THIS	DET
+HOT	ADJ
+CHICK	NOUN
+SHOWS	VERB
+UP	ADP
+AND	CCONJ
+i	PRON
+MEAN	VERB
+REALLY	ADV
+HOT	ADJ
+BUT	CCONJ
+SHE	PRON
+IS	AUX
+LIKE	INTJ
+REAAAALLY	ADV
+DUMB	ADJ
+AND	CCONJ
+THEN	ADV
+THEIR	PRON
+IS	VERB
+THIS	DET
+OTHER	ADJ
+CHICK	NOUN
+THAT	PRON
+IS	AUX
+REALY	ADV
+UGLY	ADJ
+BUT	CCONJ
+SHE	PRON
+IS	AUX
+LIKE	INTJ
+SUPER	ADV
+SMART	ADJ
+SHE	PRON
+COULD	AUX
+BE	AUX
+A	DET
+SCIENTIST	NOUN
+,	PUNCT
+BUT	CCONJ
+THEN	ADV
+THEIR	PRON
+IS	VERB
+THIS	DET
+STONER	NOUN
+WHO	PRON
+ALWAYS	ADV
+COMES	VERB
+HERE	ADV
+HIGH	ADJ
+AND	CCONJ
+HE	PRON
+ALWAYS	ADV
+BRINGS	VERB
+HIS	PRON
+FUCKING	ADJ
+DOG	NOUN
+WHO	PRON
+IS	AUX
+SO	ADV
+HIGH	ADJ
+FROM	ADP
+THE	DET
+SECOND	ADJ
+HAND	NOUN
+SMOKE	NOUN
+I	PRON
+THINK	VERB
+HE	PRON
+IS	AUX
+TRYING	VERB
+TO	PART
+TALK	VERB
+.	PUNCT
+
+ANYWAY	ADV
+WE	PRON
+DRIVE	VERB
+AROUND	ADV
+IN	ADP
+MY	PRON
+VAN	NOUN
+AND	CCONJ
+SOLVE	VERB
+MYSTERYS	NOUN
+AND	CCONJ
+SHIT	NOUN
+
+AMAZINGLY	ADV
+YUMMY	ADJ
+!	PUNCT
+
+I	PRON
+just	ADV
+got	VERB
+back	ADV
+from	ADP
+france	PROPN
+yesterday	NOUN
+and	CCONJ
+just	ADV
+missed	VERB
+the	DET
+food	NOUN
+already	ADV
+!	PUNCT
+
+My	PRON
+sister	NOUN
+in	ADP
+law	NOUN
+told	VERB
+me	PRON
+about	ADP
+this	DET
+amazing	ADJ
+new	ADJ
+crepe	NOUN
+place	NOUN
+in	ADP
+town	NOUN
+,	PUNCT
+I	PRON
+was	AUX
+so	ADV
+excited	ADJ
+I	PRON
+just	ADV
+wanted	VERB
+to	PART
+go	VERB
+and	CCONJ
+test	VERB
+it	PRON
+out	ADP
+for	ADP
+my	X
+self	PRON
+!	PUNCT
+
+Their	PRON
+customer	NOUN
+service	NOUN
+was	AUX
+perfect	ADJ
+!	PUNCT
+
+Their	PRON
+Food	NOUN
+was	AUX
+better	ADJ
+then	ADP
+anything	PRON
+I	PRON
+had	AUX
+ever	ADV
+tasted	VERB
+.	PUNCT
+
+EVEN	ADV
+IN	ADP
+FRANCE	PROPN
+!	PUNCT
+
+I	PRON
+would	AUX
+highly	ADV
+recommend	VERB
+this	DET
+place	NOUN
+to	ADP
+anyone	PRON
+looking	VERB
+for	ADP
+a	DET
+great	ADJ
+atmosphere	NOUN
+,	PUNCT
+amazing	ADJ
+food	NOUN
+,	PUNCT
+and	CCONJ
+great	ADJ
+customer	NOUN
+service	NOUN
+!	PUNCT
+
+Thank	VERB
+you	PRON
+Roll	PROPN
+UP	PROPN
+Crepes	PROPN
+!	PUNCT
+
+This	PRON
+is	AUX
+one	NUM
+of	ADP
+the	DET
+worst	ADJ
+places	NOUN
+I	PRON
+have	AUX
+stayed	VERB
+,	PUNCT
+we	PRON
+cut	VERB
+out	PRON
+stay	NOUN
+short	ADJ
+and	CCONJ
+went	VERB
+to	ADP
+the	DET
+Mulberry	PROPN
+.	PUNCT
+
+Even	ADV
+though	SCONJ
+they	PRON
+still	ADV
+charge	VERB
+you	PRON
+the	DET
+days	NOUN
+you	PRON
+booked	VERB
+but	CCONJ
+wo	AUX
+n't	PART
+use	VERB
+,	PUNCT
+it	PRON
+is	VERB
+worth	ADJ
+the	DET
+get	VERB
+the	DET
+hell	NOUN
+out	ADP
+of	ADP
+this	DET
+crap	NOUN
+hole	NOUN
+.	PUNCT
+
+The	DET
+whole	ADJ
+experience	NOUN
+shows	VERB
+a	DET
+hotel	NOUN
+managed	VERB
+by	SCONJ
+what	PRON
+must	AUX
+be	AUX
+a	DET
+2	NUM
+star	NOUN
+hotel	NOUN
+manager	NOUN
+.	PUNCT
+
+Bad	ADJ
+service	NOUN
+starting	VERB
+from	ADP
+the	DET
+front	ADJ
+desk	NOUN
+.	PUNCT
+
+The	DET
+best	ADJ
+person	NOUN
+is	AUX
+the	DET
+valet	NOUN
+.	PUNCT
+
+Short	ADV
+of	ADP
+that	PRON
+,	PUNCT
+avoid	VERB
+this	DET
+place	NOUN
+,	PUNCT
+as	ADP
+a	DET
+silver	NOUN
+Marriott	PROPN
+member	NOUN
+,	PUNCT
+this	PRON
+is	AUX
+a	DET
+disgrace	NOUN
+.	PUNCT
+
+BEST	ADJ
+PLACE	NOUN
+IN	ADP
+AMES	PROPN
+
+I	PRON
+lived	VERB
+here	ADV
+for	ADP
+two	NUM
+years	NOUN
+when	ADV
+the	DET
+prices	NOUN
+were	AUX
+a	DET
+little	ADJ
+lower	ADJ
+:)	SYM
+The	DET
+places	NOUN
+are	AUX
+very	ADV
+nice	ADJ
+and	CCONJ
+clean	ADJ
+,	PUNCT
+and	CCONJ
+in	ADP
+great	ADJ
+condition	NOUN
+!	PUNCT
+
+I	PRON
+really	ADV
+enjoyed	VERB
+the	DET
+staff	NOUN
+at	ADP
+Wessex	PROPN
+,	PUNCT
+also	ADV
+the	DET
+manager	NOUN
+Sherri	PROPN
+was	AUX
+always	ADV
+very	ADV
+nice	ADJ
+and	CCONJ
+helpful	ADJ
+.	PUNCT
+
+The	DET
+fitness	NOUN
+center	NOUN
+was	AUX
+GREAT	ADJ
+!	PUNCT
+
+The	DET
+only	ADJ
+problem	NOUN
+that	PRON
+I	PRON
+had	VERB
+in	ADP
+2	NUM
+years	NOUN
+of	SCONJ
+living	VERB
+there	ADV
+was	VERB
+that	SCONJ
+the	DET
+walls	NOUN
+are	AUX
+pretty	ADV
+thin	ADJ
+,	PUNCT
+sometimes	ADV
+I	PRON
+could	AUX
+here	VERB
+my	PRON
+neighbors	NOUN
+conversations	NOUN
+.	PUNCT
+
+I	PRON
+would	AUX
+recommend	VERB
+these	DET
+apartments	NOUN
+to	ADP
+anybody	PRON
+!	PUNCT
+
+I	PRON
+absolutely	ADV
+LOVED	VERB
+living	VERB
+there	ADV
+.	PUNCT
+
+The	DET
+Best	ADJ
+Service	NOUN
+Ever	ADV
+!!	PUNCT
+
+I	PRON
+have	AUX
+never	ADV
+had	VERB
+better	ADJ
+service	NOUN
+.	PUNCT
+
+My	PRON
+car	NOUN
+broke	VERB
+down	ADP
+and	CCONJ
+roadside	NOUN
+towed	VERB
+my	PRON
+vehicle	NOUN
+to	ADP
+Sussman	PROPN
+Kia	PROPN
+.	PUNCT
+
+They	PRON
+squeezed	VERB
+me	PRON
+in	ADP
+and	CCONJ
+had	VERB
+me	PRON
+back	ADV
+up	ADV
+and	CCONJ
+running	VERB
+in	ADP
+no	DET
+time	NOUN
+.	PUNCT
+
+Everyone	PRON
+was	AUX
+pleasant	ADJ
+and	CCONJ
+very	ADV
+helpful	ADJ
+.	PUNCT
+
+The	DET
+service	NOUN
+department	NOUN
+even	ADV
+gave	VERB
+me	PRON
+a	DET
+ride	NOUN
+home	ADV
+and	CCONJ
+picked	VERB
+me	PRON
+up	ADP
+when	ADV
+my	PRON
+car	NOUN
+was	AUX
+finished	ADJ
+.	PUNCT
+
+The	DET
+advisor	NOUN
+kept	VERB
+me	PRON
+up	ADP
+to	ADP
+date	NOUN
+and	CCONJ
+informed	VERB
+on	ADP
+the	DET
+progress	NOUN
+of	ADP
+my	PRON
+vehicle	NOUN
+.	PUNCT
+
+I	PRON
+give	VERB
+this	DET
+dealer	NOUN
+an	DET
+A	NOUN
++	SYM
+!	PUNCT
+
+I	PRON
+will	AUX
+definitely	ADV
+be	AUX
+bringing	VERB
+my	PRON
+car	NOUN
+back	ADV
+for	ADP
+service	NOUN
+.	PUNCT
+
+HEAVEN	NOUN
+ON	ADP
+EARTHHHHHHH	PROPN
+!!!!	PUNCT
+
+MUST	AUX
+TRY	VERB
+!!!	PUNCT
+
+A	SYM
++++	SYM
+
+THIS	DET
+PLACE	NOUN
+IS	AUX
+THE	DET
+BEST	ADJ
+.	PUNCT
+
+I	PRON
+HATED	VERB
+SUSHI	NOUN
+BEFORE	ADV
+BUT	CCONJ
+NOW	ADV
+I	PRON
+CA	AUX
+NT	PART
+STOP	VERB
+EATTING	VERB
+IT	PRON
+!!!!!!!	PUNCT
+
+NICE	ADJ
+SERVICE	PROPN
+,	PUNCT
+AND	CCONJ
+EXCELLENT	ADJ
+FOOD	NOUN
+.	PUNCT
+
+EVERYTHING	PRON
+IN	ADP
+HERE	ADV
+SEEMS	VERB
+TO	PART
+AMAZE	VERB
+ME	PRON
+!!!	PUNCT
+
+THEIR	PRON
+GRILL	NOUN
+DISHES	NOUN
+ARE	AUX
+OUT	ADP
+TA	ADP
+THIS	DET
+WORLD	NOUN
+AND	CCONJ
+SUSHI	NOUN
+IS	AUX
+JUST	ADV
+FABULOUS	ADJ
+!!!!	PUNCT
+
+I	PRON
+EAT	VERB
+HERE	ADV
+AT	ADV
+LEAST	ADV
+5	NUM
+DAYS	NOUN
+A	DET
+WEEK	NOUN
+.	PUNCT
+
+THEY	PRON
+HAVE	VERB
+EXCELLENT	ADJ
+SUSHI	NOUN
+CHEF	NOUN
+SPECIAL	ADJ
+ROLLS	NOUN
+FOR	ADP
+A	DET
+FAIR	ADJ
+PRICE	NOUN
+AND	CCONJ
+SO	ADV
+IS	AUX
+THE	DET
+GRILL	NOUN
+ORDERS	NOUN
+.	PUNCT
+
+A	SYM
+++++	SYM
+!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!	PUNCT
+
+JUNO	PROPN
+AND	CCONJ
+OPEN	PROPN
+I	PRON
+LOVE	VERB
+YOU	PRON
+GUYS	PROPN
+!!!!!!!!!!!!!!	PUNCT
+
+[	PUNCT
+no	DET
+homo	NOUN
+]	PUNCT
+:D	SYM
+
+friendly	ADJ
+,	PUNCT
+fine	ADJ
+food	NOUN
+
+The	DET
+one	NUM
+-	PUNCT
+star	NOUN
+review	NOUN
+from	ADP
+2005	NUM
+is	AUX
+out	ADP
+of	ADP
+date	NOUN
+.	PUNCT
+
+There	PRON
+was	VERB
+a	DET
+change	NOUN
+of	ADP
+ownership	NOUN
+a	DET
+couple	NOUN
+of	ADP
+years	NOUN
+ago	ADV
+and	CCONJ
+service	NOUN
+is	AUX
+both	CCONJ
+quick	ADJ
+and	CCONJ
+extremely	ADV
+friendly	ADJ
+.	PUNCT
+
+The	DET
+food	NOUN
+continues	VERB
+to	PART
+be	AUX
+very	ADV
+good	ADJ
+--	PUNCT
+deli	NOUN
+sandwiches	NOUN
+,	PUNCT
+homemade	ADJ
+soups	NOUN
+,	PUNCT
+fresh	ADJ
+salads	NOUN
+.	PUNCT
+
+The	DET
+atmosphere	NOUN
+may	AUX
+not	PART
+be	AUX
+for	ADP
+everyone	PRON
+.	PUNCT
+
+It	PRON
+is	AUX
+a	DET
+bustling	ADJ
+place	NOUN
+where	ADV
+separate	ADJ
+parties	NOUN
+are	AUX
+seated	VERB
+at	ADP
+the	DET
+same	ADJ
+table	NOUN
+(	PUNCT
+as	ADP
+in	ADP
+many	ADJ
+European	ADJ
+cafes	NOUN
+)	PUNCT
+,	PUNCT
+but	CCONJ
+if	SCONJ
+you	PRON
+are	AUX
+OK	ADJ
+with	ADP
+that	PRON
+,	PUNCT
+the	DET
+food	NOUN
+is	AUX
+very	ADV
+good	ADJ
+.	PUNCT
+
+Love	VERB
+the	DET
+soups	NOUN
+.	PUNCT
+
+The	DET
+New	ADJ
+Italian	ADJ
+Kid	NOUN
+on	ADP
+the	DET
+Block	NOUN
+
+Another	DET
+Italian	ADJ
+restaurant	NOUN
+in	ADP
+Collingswood	PROPN
+?	PUNCT
+
+Do	AUX
+we	PRON
+need	VERB
+another	DET
+one	NOUN
+?	PUNCT
+
+Only	ADV
+if	SCONJ
+it	PRON
+is	AUX
+of	ADP
+the	DET
+quality	NOUN
+of	SCONJ
+That	PRON
+'s	VERB
+Amore	PROPN
+.	PUNCT
+
+The	DET
+menu	NOUN
+has	VERB
+the	DET
+usual	ADJ
+but	CCONJ
+then	ADV
+they	PRON
+step	VERB
+it	PRON
+up	ADP
+another	DET
+notch	NOUN
+.	PUNCT
+
+The	DET
+arancini	NOUN
+di	NOUN
+riso	NOUN
+(	PUNCT
+risotto	NOUN
+fritters	NOUN
+)	PUNCT
+are	VERB
+not	PART
+to	PART
+be	AUX
+missed	VERB
+.	PUNCT
+
+Chicken	NOUN
+saltimboca	NOUN
+was	AUX
+excellent	ADJ
+and	CCONJ
+then	ADV
+there	PRON
+'s	VERB
+the	DET
+chocolate	NOUN
+mousse	NOUN
+that	PRON
+comes	VERB
+straight	ADV
+from	ADP
+heaven	NOUN
+.	PUNCT
+
+Pay	VERB
+extra	ADJ
+attention	NOUN
+to	ADP
+the	DET
+appetizers	NOUN
+-	PUNCT
+the	DET
+next	ADJ
+time	NOUN
+I	PRON
+go	VERB
+there	ADV
+I	PRON
+'m	AUX
+planning	VERB
+on	SCONJ
+ordered	VERB
+a	DET
+few	ADJ
+instead	ADV
+of	ADP
+an	DET
+entree	NOUN
+.	PUNCT
+
+Auto	PROPN
+Towing	PROPN
+is	AUX
+one	NUM
+of	ADP
+the	DET
+best	ADJ
+towing	NOUN
+services	NOUN
+I	PRON
+have	AUX
+used	VERB
+.	PUNCT
+
+The	DET
+first	ADJ
+time	NOUN
+I	PRON
+used	VERB
+them	PRON
+they	PRON
+arrived	VERB
+on	ADP
+time	NOUN
+and	CCONJ
+towed	VERB
+car	NOUN
+for	ADP
+me	PRON
+to	ADP
+the	DET
+destination	NOUN
+I	PRON
+needed	VERB
+.	PUNCT
+
+The	DET
+auto	NOUN
+mechanics	NOUN
+that	PRON
+work	VERB
+for	ADP
+Auto	PROPN
+Towing	PROPN
+are	AUX
+very	ADV
+friendly	ADJ
+and	CCONJ
+informative	ADJ
+and	CCONJ
+answered	VERB
+any	DET
+question	NOUN
+I	PRON
+had	VERB
+.	PUNCT
+
+They	PRON
+have	AUX
+towed	VERB
+car	NOUN
+for	ADP
+me	PRON
+a	DET
+few	ADJ
+times	NOUN
+and	CCONJ
+I	PRON
+am	AUX
+always	ADV
+very	ADV
+satisfied	ADJ
+with	ADP
+this	DET
+services	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+are	AUX
+looking	VERB
+for	ADP
+towing	NOUN
+services	NOUN
+that	PRON
+can	AUX
+offer	VERB
+you	PRON
+a	DET
+good	ADJ
+towed	VERB
+car	NOUN
+service	NOUN
+,	PUNCT
+then	ADV
+Auto	PROPN
+Towing	PROPN
+is	AUX
+the	DET
+company	NOUN
+for	ADP
+you	PRON
+.	PUNCT
+
+A	DET
+very	ADV
+satisfied	ADJ
+new	ADJ
+customer	NOUN
+!	PUNCT
+
+As	ADP
+a	DET
+very	ADV
+satisfied	ADJ
+new	ADJ
+customer	NOUN
+,	PUNCT
+I	PRON
+wholeheartedly	ADV
+recommend	VERB
+United	PROPN
+Air	PROPN
+Duct	PROPN
+Cleaning	PROPN
+.	PUNCT
+
+They	PRON
+are	AUX
+professional	ADJ
+,	PUNCT
+knowledgeable	ADJ
+,	PUNCT
+and	CCONJ
+take	VERB
+meticulous	ADJ
+care	NOUN
+and	CCONJ
+pride	NOUN
+in	SCONJ
+accomplishing	VERB
+their	PRON
+work	NOUN
+.	PUNCT
+
+Not	ADV
+only	ADV
+were	AUX
+my	PRON
+wife	NOUN
+and	CCONJ
+I	PRON
+very	ADV
+pleased	ADJ
+,	PUNCT
+but	CCONJ
+I	PRON
+also	ADV
+had	VERB
+the	DET
+air	NOUN
+duct	NOUN
+quality	NOUN
+tested	VERB
+professionally	ADV
+by	ADP
+the	DET
+home	NOUN
+inspector	NOUN
+that	PRON
+I	PRON
+regularly	ADV
+use	VERB
+,	PUNCT
+before	SCONJ
+and	CCONJ
+after	SCONJ
+United	PROPN
+Air	PROPN
+Duct	PROPN
+performed	VERB
+their	PRON
+work	NOUN
+.	PUNCT
+
+Based	VERB
+on	ADP
+the	DET
+test	NOUN
+results	NOUN
+,	PUNCT
+the	DET
+home	NOUN
+inspector	NOUN
+stated	VERB
+that	SCONJ
+the	DET
+quality	NOUN
+of	ADP
+their	PRON
+job	NOUN
+was	AUX
+“	PUNCT
+excellent	ADJ
+”	PUNCT
+.	PUNCT
+
+The	DET
+Best	ADJ
+Breakfast	NOUN
+in	ADP
+Solana	PROPN
+Beach	PROPN
+!	PUNCT
+
+We	PRON
+love	VERB
+T	PROPN
+'s	PART
+Cafe	PROPN
+!	PUNCT
+
+Without	ADP
+a	DET
+doubt	NOUN
+the	DET
+best	ADJ
+place	NOUN
+to	PART
+grab	VERB
+a	DET
+tall	ADJ
+bloody	ADJ
+mary	NOUN
+and	CCONJ
+some	DET
+eggs	NOUN
+benedict	NOUN
+.	PUNCT
+
+T	PROPN
+'s	PART
+has	AUX
+been	AUX
+a	DET
+North	PROPN
+County	PROPN
+landmark	NOUN
+for	ADP
+thirty	NUM
+years	NOUN
+and	CCONJ
+with	ADP
+good	ADJ
+reason	NOUN
+.	PUNCT
+
+Family	NOUN
+owned	VERB
+and	CCONJ
+operated	VERB
+makes	VERB
+sure	ADJ
+the	DET
+atmosphere	NOUN
+is	AUX
+relaxed	ADJ
+and	CCONJ
+the	DET
+food	NOUN
+home	NOUN
+-	PUNCT
+cooked	VERB
+with	ADP
+style	NOUN
+.	PUNCT
+
+I	PRON
+highly	ADV
+recommend	VERB
+picking	VERB
+up	ADP
+a	DET
+jug	NOUN
+of	ADP
+their	PRON
+homemade	ADJ
+bloody	ADJ
+mary	NOUN
+mix	NOUN
+-	PUNCT
+definitely	ADV
+the	DET
+best	ADJ
+.	PUNCT
+
+If	SCONJ
+you	PRON
+'ve	AUX
+been	AUX
+to	ADP
+North	PROPN
+County	PROPN
+,	PUNCT
+chances	NOUN
+are	VERB
+it	PRON
+'s	VERB
+in	ADP
+your	PRON
+favorites	NOUN
+list	NOUN
+already	ADV
+.	PUNCT
+
+Prominent	PROPN
+Builders	PROPN
+NJ	PROPN
+
+Prominent	ADJ
+Builders	NOUN
+in	ADP
+New	PROPN
+Jersey	PROPN
+are	AUX
+one	NUM
+the	DET
+best	ADJ
+building	NOUN
+contractors	NOUN
+,	PUNCT
+I	PRON
+was	AUX
+referred	VERB
+to	ADP
+them	PRON
+by	ADP
+my	PRON
+friend	NOUN
+,	PUNCT
+I	PRON
+am	AUX
+so	ADV
+glad	ADJ
+I	PRON
+used	VERB
+them	PRON
+for	ADP
+my	PRON
+Home	NOUN
+renovation	NOUN
+,	PUNCT
+and	CCONJ
+addition	NOUN
+.	PUNCT
+
+They	PRON
+were	AUX
+very	ADV
+professional	ADJ
+,	PUNCT
+respectful	ADJ
+,	PUNCT
+completed	VERB
+the	DET
+Job	NOUN
+on	ADP
+time	NOUN
+,	PUNCT
+and	CCONJ
+well	ADV
+below	ADP
+my	PRON
+budget	NOUN
+.	PUNCT
+
+Mike	PROPN
+one	NUM
+of	ADP
+owners	NOUN
+was	AUX
+awesome	ADJ
+,	PUNCT
+he	PRON
+explained	VERB
+the	DET
+detailed	ADJ
+plan	NOUN
+,	PUNCT
+and	CCONJ
+executed	VERB
+on	ADP
+time	NOUN
+,	PUNCT
+I	PRON
+am	AUX
+always	ADV
+going	VERB
+use	VERB
+them	PRON
+and	CCONJ
+refer	VERB
+them	PRON
+to	ADP
+many	ADJ
+friends	NOUN
+I	PRON
+can	AUX
+because	ADP
+of	ADP
+the	DET
+great	ADJ
+job	NOUN
+they	PRON
+did	VERB
+me	PRON
+.	PUNCT
+
+Great	ADJ
+Dude	NOUN
+Cut	NOUN
+!	PUNCT
+
+Great	ADJ
+service	NOUN
+,	PUNCT
+cool	ADJ
+vibe	NOUN
+,	PUNCT
+impeccable	ADJ
+style	NOUN
+.	PUNCT
+
+I	PRON
+'m	AUX
+a	DET
+guy	NOUN
+with	ADP
+tricky	ADJ
+hair	NOUN
+so	ADV
+getting	VERB
+that	PRON
+right	ADJ
+is	AUX
+job	NOUN
+#	NOUN
+1	NUM
+.	PUNCT
+
+After	SCONJ
+going	VERB
+through	ADP
+5	NUM
+other	ADJ
+places	NOUN
+I	PRON
+finally	ADV
+found	VERB
+Janice	PROPN
+at	ADP
+Alta	PROPN
+Moda	PROPN
+.	PUNCT
+
+Not	ADV
+only	ADV
+was	AUX
+it	PRON
+a	DET
+good	ADJ
+cut	NOUN
+but	CCONJ
+my	PRON
+wife	NOUN
+and	CCONJ
+friends	NOUN
+comment	VERB
+on	ADP
+my	PRON
+hair	NOUN
+every	DET
+time	NOUN
+I	PRON
+leave	VERB
+...	PUNCT
+saying	VERB
+it	PRON
+'s	AUX
+the	DET
+best	ADJ
+look	NOUN
+I	PRON
+'ve	AUX
+ever	ADV
+had	VERB
+.	PUNCT
+
+Either	CCONJ
+I	PRON
+suck	VERB
+at	ADP
+my	PRON
+own	ADJ
+style	NOUN
+or	CCONJ
+Janice	PROPN
+is	AUX
+a	DET
+genius	NOUN
+.	PUNCT
+
+Looks	VERB
+like	SCONJ
+there	PRON
+'s	VERB
+a	DET
+lot	NOUN
+of	ADP
+talent	NOUN
+in	ADP
+this	DET
+place	NOUN
+.	PUNCT
+
+Worth	ADJ
+every	DET
+penny	NOUN
+.	PUNCT
+
+My	PRON
+Favorite	ADJ
+place	NOUN
+at	ADP
+Wildwood	PROPN
+
+I	PRON
+have	AUX
+been	AUX
+going	VERB
+to	ADP
+the	DET
+Wildwood	PROPN
+,	PUNCT
+NJ	PROPN
+for	ADP
+over	ADP
+30	NUM
+years	NOUN
+for	ADP
+summer	NOUN
+vacations	NOUN
+and	CCONJ
+always	ADV
+call	VERB
+the	DET
+Madrid	PROPN
+first	ADV
+.	PUNCT
+
+I	PRON
+rated	VERB
+it	PRON
+5	NUM
+stars	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+not	PART
+saying	VERB
+it	PRON
+is	AUX
+a	DET
+5	NUM
+star	NOUN
+hotel	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+saying	VERB
+when	ADV
+comparing	VERB
+all	DET
+other	ADJ
+hotels	NOUN
+in	ADP
+Wildwood	PROPN
+,	PUNCT
+this	DET
+hotel	NOUN
+has	VERB
+everything	PRON
+that	PRON
+we	PRON
+are	AUX
+looking	VERB
+for	ADP
+.	PUNCT
+
+It	PRON
+is	VERB
+the	DET
+hospitality	NOUN
+from	ADP
+Tom	PROPN
+and	CCONJ
+staff	NOUN
+,	PUNCT
+that	PRON
+makes	VERB
+it	PRON
+feel	VERB
+like	ADP
+a	DET
+5	NUM
+star	NOUN
+hotel	NOUN
+in	ADP
+the	DET
+middle	NOUN
+of	ADP
+the	DET
+beach	NOUN
+.	PUNCT
+
+We	PRON
+prefer	VERB
+the	DET
+layout	NOUN
+of	ADP
+rooms	NOUN
+and	CCONJ
+it	PRON
+is	AUX
+always	ADV
+clean	ADJ
+.	PUNCT
+
+When	ADV
+in	ADP
+Scordia	PROPN
+,	PUNCT
+Sicily	PROPN
+
+If	SCONJ
+ever	ADV
+in	ADP
+Sicily	PROPN
+please	INTJ
+take	VERB
+the	DET
+time	NOUN
+to	PART
+visit	VERB
+Anna	PROPN
+Maria	PROPN
+Jose	PROPN
+Mudo	PROPN
+and	CCONJ
+her	PRON
+familia	NOUN
+.	PUNCT
+
+They	PRON
+are	AUX
+and	CCONJ
+always	ADV
+will	AUX
+be	AUX
+the	DET
+nicest	ADJ
+people	NOUN
+in	ADP
+Sicily	PROPN
+that	PRON
+you	PRON
+will	AUX
+meet	VERB
+.	PUNCT
+
+You	PRON
+will	AUX
+also	ADV
+have	VERB
+the	DET
+pleasure	NOUN
+of	SCONJ
+learning	VERB
+the	DET
+Italiano	PROPN
+language	NOUN
+.	PUNCT
+
+You	PRON
+will	AUX
+also	ADV
+have	VERB
+the	DET
+experience	NOUN
+of	SCONJ
+learning	VERB
+the	DET
+bella	ADJ
+Sicilian	ADJ
+culture	NOUN
+,	PUNCT
+that	PRON
+I	PRON
+have	AUX
+fallen	VERB
+in	ADP
+luv	NOUN
+with	ADP
+.	PUNCT
+
+I	PRON
+will	AUX
+4	X
+-	PUNCT
+ever	ADV
+be	AUX
+eternally	ADV
+grateful	ADJ
+for	ADP
+their	PRON
+hospitality	NOUN
+and	CCONJ
+luv	NOUN
+that	PRON
+my	PRON
+Sicilian	ADJ
+family	NOUN
+showed	VERB
+me	PRON
+when	ADV
+I	PRON
+was	AUX
+there	ADV
+for	ADP
+3	NUM
+years	NOUN
+.	PUNCT
+
+Luv	NOUN
+always	ADV
+..	PUNCT
+
+I	PRON
+'ve	AUX
+never	ADV
+felt	VERB
+the	DET
+need	NOUN
+to	PART
+write	VERB
+a	DET
+review	NOUN
+or	CCONJ
+make	VERB
+a	DET
+complaint	NOUN
+before	ADV
+,	PUNCT
+but	CCONJ
+after	ADP
+the	DET
+way	NOUN
+I	PRON
+was	AUX
+spoken	VERB
+to	ADP
+by	ADP
+a	DET
+member	NOUN
+of	ADP
+staff	NOUN
+at	ADP
+the	DET
+kennels	NOUN
+(	PUNCT
+whose	PRON
+name	NOUN
+I	PRON
+believe	VERB
+to	PART
+be	AUX
+Mrs	PROPN
+Closs	PROPN
+)	PUNCT
+I	PRON
+would	AUX
+now	ADV
+not	PART
+recommend	VERB
+this	DET
+business	NOUN
+to	ADP
+anybody	PRON
+.	PUNCT
+
+If	SCONJ
+the	DET
+animals	NOUN
+are	AUX
+treated	VERB
+in	ADP
+the	DET
+same	ADJ
+way	NOUN
+the	DET
+customers	NOUN
+are	AUX
+treated	VERB
+then	ADV
+this	PRON
+leaves	VERB
+a	DET
+lot	NOUN
+to	PART
+be	AUX
+desired	VERB
+!	PUNCT
+
+Nobody	PRON
+should	AUX
+be	AUX
+spoken	VERB
+to	ADP
+like	ADP
+that	PRON
+regardless	ADV
+of	ADP
+how	ADV
+bad	ADJ
+their	PRON
+day	NOUN
+may	AUX
+have	AUX
+been	VERB
+or	CCONJ
+what	PRON
+may	AUX
+be	AUX
+going	VERB
+on	ADP
+in	ADP
+their	PRON
+private	ADJ
+lives	NOUN
+!	PUNCT
+
+Best	ADJ
+Car	NOUN
+Dealer	NOUN
+in	ADP
+TX	PROPN
+
+I	PRON
+purchased	VERB
+a	DET
+nissan	PROPN
+from	ADP
+this	DET
+dealship	NOUN
+.	PUNCT
+
+The	DET
+sales	NOUN
+men	NOUN
+were	AUX
+very	ADV
+knowledgeable	ADJ
+about	ADP
+every	DET
+aspect	NOUN
+of	ADP
+every	DET
+car	NOUN
+we	PRON
+looked	VERB
+at	ADP
+.	PUNCT
+
+They	PRON
+were	AUX
+very	ADV
+patient	ADJ
+and	CCONJ
+helpful	ADJ
+from	SCONJ
+showing	VERB
+the	DET
+cars	NOUN
+to	SCONJ
+doing	VERB
+the	DET
+paperwork	NOUN
+.	PUNCT
+
+The	DET
+paperwork	NOUN
+was	AUX
+a	DET
+very	ADV
+easy	ADJ
+and	CCONJ
+smooth	ADJ
+.	PUNCT
+
+They	PRON
+tried	VERB
+to	PART
+run	VERB
+my	PRON
+credit	NOUN
+score	NOUN
+as	ADV
+less	ADV
+as	SCONJ
+possible	ADJ
+so	SCONJ
+it	PRON
+wo	AUX
+n't	PART
+hurt	VERB
+my	PRON
+score	NOUN
+.	PUNCT
+
+Overall	ADV
+,	PUNCT
+I	PRON
+was	AUX
+very	ADV
+happy	ADJ
+with	ADP
+the	DET
+customer	NOUN
+service	NOUN
+and	CCONJ
+my	PRON
+purchase	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+'re	AUX
+looking	VERB
+to	PART
+buy	VERB
+a	DET
+car	NOUN
+,	PUNCT
+definitely	ADV
+give	VERB
+them	PRON
+a	DET
+call	NOUN
+.	PUNCT
+
+They	PRON
+have	VERB
+a	DET
+huge	ADJ
+inventory	NOUN
+.	PUNCT
+
+I	PRON
+have	AUX
+been	AUX
+a	DET
+patient	NOUN
+a	ADP
+NW	PROPN
+hospital	NOUN
+and	CCONJ
+it	PRON
+was	AUX
+great	ADJ
+.	PUNCT
+
+I	PRON
+have	AUX
+also	ADV
+had	VERB
+an	DET
+80	NUM
+yr	NOUN
+old	NOUN
+that	PRON
+I	PRON
+take	VERB
+of	ADP
+sent	VERB
+to	ADP
+the	DET
+ER	NOUN
+and	CCONJ
+long	ADJ
+stays	NOUN
+in	ADP
+the	DET
+hospital	NOUN
+.	PUNCT
+
+Yes	INTJ
+,	PUNCT
+we	PRON
+had	VERB
+to	PART
+wait	VERB
+,	PUNCT
+but	CCONJ
+ER	NOUN
+is	AUX
+a	DET
+triage	NOUN
+system	NOUN
+that	PRON
+takes	VERB
+the	DET
+most	ADV
+life	NOUN
+threatening	VERB
+cases	NOUN
+first	ADV
+.	PUNCT
+
+Any	DET
+ER	NOUN
+would	AUX
+be	AUX
+the	DET
+same	ADJ
+.	PUNCT
+
+As	ADV
+far	ADV
+as	SCONJ
+being	AUX
+treated	VERB
+like	ADP
+a	DET
+drug	NOUN
+seeker	NOUN
+,	PUNCT
+that	PRON
+has	AUX
+not	PART
+been	AUX
+my	PRON
+experience	NOUN
+.	PUNCT
+
+As	ADP
+a	DET
+nurse	NOUN
+I	PRON
+know	VERB
+about	ADP
+drug	NOUN
+seekers	NOUN
+.	PUNCT
+
+This	PRON
+is	AUX
+a	DET
+great	ADJ
+hospital	NOUN
+and	CCONJ
+even	ADV
+better	ADJ
+since	SCONJ
+it	PRON
+became	VERB
+part	NOUN
+of	ADP
+the	DET
+UW	PROPN
+system	NOUN
+.	PUNCT
+
+Wonderful	ADJ
+Experience	NOUN
+
+I	PRON
+had	VERB
+immense	ADJ
+pain	NOUN
+on	ADP
+a	DET
+Sunday	PROPN
+morning	NOUN
+,	PUNCT
+with	SCONJ
+friends	NOUN
+and	CCONJ
+family	NOUN
+telling	VERB
+me	PRON
+that	SCONJ
+I	PRON
+would	AUX
+never	ADV
+find	VERB
+a	DET
+Dentist	NOUN
+on	ADP
+a	DET
+Sunday	PROPN
+.	PUNCT
+
+Dr.	PROPN
+Taylor	PROPN
+was	VERB
+not	ADV
+only	ADV
+available	ADJ
+on	ADP
+a	DET
+Sunday	PROPN
+,	PUNCT
+but	CCONJ
+also	ADV
+was	AUX
+able	ADJ
+to	PART
+immediately	ADV
+take	VERB
+care	NOUN
+of	ADP
+me	PRON
+.	PUNCT
+
+He	PRON
+was	AUX
+incredibly	ADV
+informative	ADJ
+about	ADP
+the	DET
+options	NOUN
+I	PRON
+had	VERB
+,	PUNCT
+giving	VERB
+me	PRON
+opinions	NOUN
+on	ADP
+different	ADJ
+treatments	NOUN
+to	PART
+choose	VERB
+from	ADP
+.	PUNCT
+
+Coming	VERB
+from	ADP
+a	DET
+person	NOUN
+who	PRON
+hates	VERB
+the	DET
+dentist	NOUN
+in	ADP
+general	ADJ
+,	PUNCT
+Dr.	PROPN
+Taylor	PROPN
+was	AUX
+the	DET
+best	ADJ
+!	PUNCT
+
+He	PRON
+really	ADV
+made	VERB
+the	DET
+visit	NOUN
+a	DET
+pain	NOUN
+free	ADJ
+one	NOUN
+with	ADP
+excellent	ADJ
+service	NOUN
+!	PUNCT
+
+I	PRON
+would	AUX
+recommend	VERB
+him	PRON
+to	ADP
+everyone	PRON
+!	PUNCT
+
+HORRIBLE	ADJ
+
+This	DET
+school	NOUN
+is	AUX
+the	DET
+worst	ADJ
+one	NUM
+i	PRON
+'ve	AUX
+ever	ADV
+been	VERB
+to	ADP
+.	PUNCT
+
+I	PRON
+attended	VERB
+it	PRON
+for	ADP
+2	NUM
+years	NOUN
+,	PUNCT
+and	CCONJ
+that	PRON
+was	AUX
+enough	ADJ
+.	PUNCT
+
+There	PRON
+'s	VERB
+holes	NOUN
+everywhere	ADV
+in	ADP
+the	DET
+ceiling	NOUN
+,	PUNCT
+sewage	NOUN
+constantly	ADV
+leaks	VERB
+through	ADP
+the	DET
+ceiling	NOUN
+,	PUNCT
+and	CCONJ
+the	DET
+whole	ADJ
+condition	NOUN
+of	ADP
+the	DET
+school	NOUN
+is	AUX
+horrible	ADJ
+.	PUNCT
+
+The	DET
+staff	NOUN
+and	CCONJ
+the	DET
+Principal	NOUN
+are	AUX
+rediculous	ADJ
+,	PUNCT
+they	PRON
+do	AUX
+n't	PART
+listen	VERB
+to	ADP
+any	DET
+input	NOUN
+,	PUNCT
+and	CCONJ
+they	PRON
+make	VERB
+up	ADP
+rediculous	ADJ
+rules	NOUN
+(	PUNCT
+They	PRON
+banned	VERB
+backpacks	NOUN
+,	PUNCT
+because	SCONJ
+a	DET
+teacher	NOUN
+TRIPPED	VERB
+OVER	ADP
+a	DET
+student	NOUN
+'s	PART
+)	PUNCT
+.	PUNCT
+
+The	DET
+education	NOUN
+is	AUX
+horrible	ADJ
+at	ADV
+best	ADV
+,	PUNCT
+do	VERB
+society	NOUN
+a	DET
+favor	NOUN
+,	PUNCT
+and	CCONJ
+do	AUX
+NOT	PART
+send	VERB
+your	PRON
+student	NOUN
+here	ADV
+.	PUNCT
+
+Excellent	ADJ
+customer	NOUN
+service	NOUN
+and	CCONJ
+quality	ADJ
+work	NOUN
+.	PUNCT
+
+They	PRON
+went	VERB
+the	DET
+extra	ADJ
+mile	NOUN
+to	PART
+repair	VERB
+my	PRON
+cowboy	NOUN
+boots	NOUN
+--	PUNCT
+they	PRON
+had	VERB
+to	PART
+have	VERB
+a	DET
+special	ADJ
+kind	NOUN
+of	ADP
+paper	NOUN
+that	PRON
+looked	VERB
+like	ADP
+wood	NOUN
+grain	NOUN
+to	PART
+fix	VERB
+the	DET
+heels	NOUN
+.	PUNCT
+
+That	PRON
+was	AUX
+4	NUM
+years	NOUN
+ago	ADV
+.	PUNCT
+
+I	PRON
+have	AUX
+n't	PART
+been	AUX
+able	ADJ
+to	PART
+find	VERB
+a	DET
+shoe	NOUN
+repair	NOUN
+place	NOUN
+in	ADP
+Seattle	PROPN
+since	ADV
+that	PRON
+has	AUX
+been	AUX
+able	ADJ
+to	PART
+do	VERB
+it	PRON
+.	PUNCT
+
+(	PUNCT
+I	PRON
+'ve	AUX
+been	AUX
+through	ADP
+at	ADV
+least	ADV
+5	NUM
+places	NOUN
+already	ADV
+.	PUNCT
+)	PUNCT
+
+If	SCONJ
+I	PRON
+had	VERB
+time	NOUN
+to	PART
+drive	VERB
+to	ADP
+Tacoma	PROPN
+before	SCONJ
+they	PRON
+closed	VERB
+during	ADP
+the	DET
+work	NOUN
+week	NOUN
+,	PUNCT
+I	PRON
+would	AUX
+just	ADV
+so	SCONJ
+I	PRON
+could	AUX
+get	VERB
+those	DET
+boots	NOUN
+fixed	VERB
+properly	ADV
+again	ADV
+.	PUNCT
+
+So	ADV
+Handy	ADJ
+for	ADP
+Local	ADJ
+La	PROPN
+Jolla	PROPN
+Stuff	PROPN
+-	PUNCT
+Especially	ADV
+for	SCONJ
+Finding	VERB
+Residential	ADJ
+Numbers	NOUN
+
+Since	SCONJ
+moving	VERB
+back	ADV
+from	ADP
+college	NOUN
+and	CCONJ
+trying	VERB
+to	PART
+settle	VERB
+roots	NOUN
+in	ADP
+the	DET
+Village	PROPN
+,	PUNCT
+I	PRON
+have	AUX
+referred	VERB
+to	ADP
+the	DET
+La	PROPN
+Jolla	PROPN
+Blue	PROPN
+Book	PROPN
+for	ADP
+a	DET
+ton	NOUN
+of	ADP
+local	ADJ
+numbers	NOUN
+.	PUNCT
+
+The	DET
+white	ADJ
+pages	NOUN
+allowed	VERB
+me	PRON
+to	PART
+get	VERB
+in	ADP
+touch	NOUN
+with	ADP
+parents	NOUN
+of	ADP
+my	PRON
+high	ADJ
+school	NOUN
+friends	NOUN
+so	SCONJ
+that	SCONJ
+I	PRON
+could	AUX
+track	VERB
+people	NOUN
+down	ADP
+one	NUM
+by	ADP
+one	NUM
+and	CCONJ
+the	DET
+restaurant	NOUN
+section	NOUN
+is	AUX
+basically	ADV
+my	PRON
+cookbook	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+really	ADV
+cool	ADJ
+that	SCONJ
+so	ADV
+many	ADJ
+local	ADJ
+businesses	NOUN
+are	AUX
+found	VERB
+so	ADV
+quickly	ADV
+in	ADP
+one	NUM
+place	NOUN
+and	CCONJ
+I	PRON
+want	VERB
+to	PART
+spread	VERB
+the	DET
+word	NOUN
+.	PUNCT
+
+THX	NOUN
+:-)	SYM
+
+The	DET
+staff	NOUN
+do	AUX
+occasionally	ADV
+get	VERB
+game	NOUN
+info	NOUN
+correct	ADJ
+,	PUNCT
+but	CCONJ
+if	SCONJ
+you	PRON
+r	AUX
+looking	VERB
+fot	ADP
+a	DET
+good	ADJ
+game	NOUN
+and	CCONJ
+are	AUX
+n't	PART
+a	DET
+nerd	NOUN
+,	PUNCT
+do	AUX
+nt	PART
+ask	VERB
+them	PRON
+.	PUNCT
+
+The	DET
+last	ADJ
+time	NOUN
+I	PRON
+did	VERB
+that	PRON
+I	PRON
+was	AUX
+suggested	VERB
+to	PART
+buy	VERB
+oblivion	PROPN
+when	ADV
+I	PRON
+told	VERB
+them	PRON
+I	PRON
+was	AUX
+looking	VERB
+for	ADP
+a	DET
+fps	NOUN
+.	PUNCT
+
+I	PRON
+knew	VERB
+what	PRON
+it	PRON
+was	AUX
+and	CCONJ
+told	VERB
+the	DET
+guy	NOUN
+that	SCONJ
+it	PRON
+was	AUX
+n't	PART
+a	DET
+fps	NOUN
+.	PUNCT
+
+He	PRON
+tried	VERB
+to	PART
+tell	VERB
+me	PRON
+it	PRON
+was	VERB
+when	ADV
+I	PRON
+told	VERB
+asked	VERB
+him	PRON
+if	SCONJ
+he	PRON
+knew	VERB
+what	PRON
+fps	NOUN
+stood	VERB
+for	ADP
+and	CCONJ
+he	PRON
+had	VERB
+no	DET
+clue	NOUN
+.	PUNCT
+
+Overall	ADV
+they	PRON
+are	AUX
+n't	PART
+very	ADV
+knowledge	ADJ
+about	ADP
+the	DET
+type	NOUN
+of	ADP
+games	NOUN
+are	AUX
+on	ADP
+the	DET
+market	NOUN
+.	PUNCT
+
+First	ADJ
+and	CCONJ
+Last	ADJ
+time	NOUN
+we	PRON
+'ll	AUX
+eat	VERB
+there	ADV
+
+My	PRON
+friend	NOUN
+and	CCONJ
+I	PRON
+went	VERB
+there	ADV
+for	ADP
+lunch	NOUN
+today	NOUN
+.	PUNCT
+
+Neither	DET
+one	NOUN
+of	ADP
+us	PRON
+had	AUX
+ever	ADV
+been	AUX
+-	PUNCT
+so	ADV
+we	PRON
+thought	VERB
+we	PRON
+'d	AUX
+try	VERB
+it	PRON
+.	PUNCT
+
+BIG	ADJ
+MISTAKE	NOUN
+-	PUNCT
+The	DET
+food	NOUN
+was	AUX
+tasteless	ADJ
+and	CCONJ
+cold	ADJ
+.	PUNCT
+
+We	PRON
+both	DET
+kept	VERB
+trying	VERB
+to	PART
+find	VERB
+something	PRON
+we	PRON
+liked	VERB
+.	PUNCT
+
+The	DET
+only	ADJ
+thing	NOUN
+I	PRON
+found	VERB
+edible	ADJ
+were	AUX
+the	DET
+potato	NOUN
+wedges	NOUN
+,	PUNCT
+I	PRON
+finally	ADV
+gave	VERB
+up	ADP
+,	PUNCT
+he	PRON
+kept	VERB
+trying	VERB
+-	PUNCT
+he	PRON
+found	VERB
+the	DET
+fried	VERB
+wantons	NOUN
+to	PART
+be	AUX
+OK	ADJ
+-	PUNCT
+His	PRON
+Mongolian	ADJ
+bowl	NOUN
+was	AUX
+awful	ADJ
+.	PUNCT
+
+Would	AUX
+NOT	PART
+recommend	VERB
+this	DET
+place	NOUN
+to	ADP
+anyone	PRON
+-	PUNCT
+in	ADP
+fact	NOUN
+-	PUNCT
+save	VERB
+your	PRON
+money	NOUN
+and	CCONJ
+go	VERB
+somewhere	ADV
+else	ADV
+.	PUNCT
+
+Liquidweb.com	X
+Rocks	VERB
+!!!	PUNCT
+
+I	PRON
+am	AUX
+not	PART
+a	DET
+client	NOUN
+of	ADP
+liquidweb.com	X
+,	PUNCT
+but	CCONJ
+one	NUM
+of	ADP
+my	PRON
+friend	NOUN
+called	VERB
+Steven	PROPN
+is	AUX
+the	DET
+client	NOUN
+having	VERB
+several	ADJ
+websites	NOUN
+.	PUNCT
+
+I	PRON
+work	VERB
+with	ADP
+him	PRON
+and	CCONJ
+since	ADP
+past	ADJ
+6	NUM
+years	NOUN
+he	PRON
+is	AUX
+hosting	VERB
+his	PRON
+websites	NOUN
+to	ADP
+Liquidweb	PROPN
+.	PUNCT
+
+As	SCONJ
+I	PRON
+have	AUX
+gone	VERB
+through	ADP
+many	ADJ
+reviews	NOUN
+sites	NOUN
+to	PART
+see	VERB
+if	SCONJ
+any	DET
+provider	NOUN
+is	AUX
+providing	VERB
+better	ADJ
+services	NOUN
+or	CCONJ
+not	PART
+,	PUNCT
+and	CCONJ
+I	PRON
+have	AUX
+realized	VERB
+that	SCONJ
+there	PRON
+were	VERB
+many	ADJ
+good	ADJ
+reviews	NOUN
+about	ADP
+Liquidweb	PROPN
+also	ADV
+Steven	PROPN
+never	ADV
+faced	VERB
+any	DET
+server	NOUN
+issues	NOUN
+in	ADP
+his	PRON
+whole	ADJ
+hosting	NOUN
+.	PUNCT
+
+The	DET
+kind	NOUN
+of	ADP
+support	NOUN
+they	PRON
+provide	VERB
+is	AUX
+simply	ADV
+great	ADJ
+!!!	PUNCT
+
+I	PRON
+would	AUX
+like	VERB
+to	PART
+host	VERB
+my	PRON
+upcoming	ADJ
+website	NOUN
+to	ADP
+Liquidweb.com	X
+
+Hino	PROPN
+Dealer	PROPN
+of	ADP
+the	DET
+Year	PROPN
+
+Congratulations	NOUN
+Prestige	PROPN
+Hino	PROPN
+!	PUNCT
+
+You	PRON
+have	AUX
+been	AUX
+awarded	VERB
+the	DET
+converted	ADJ
+Hino	PROPN
+Dealer	PROPN
+of	ADP
+the	DET
+Year	PROPN
+!	PUNCT
+
+Each	DET
+of	ADP
+you	PRON
+should	AUX
+be	AUX
+proud	ADJ
+of	ADP
+your	PRON
+massive	ADJ
+contributions	NOUN
+throughout	ADP
+the	DET
+year	NOUN
+!	PUNCT
+
+Major	ADJ
+Awards	NOUN
+–	PUNCT
+Overall	ADJ
+Hino	PROPN
+dealer	NOUN
+of	ADP
+the	DET
+year	NOUN
+.	PUNCT
+
+Overall	ADJ
+Hino	PROPN
+finance	NOUN
+dealer	NOUN
+of	ADP
+the	DET
+year	NOUN
+.	PUNCT
+
+Major	ADJ
+Awards	NOUN
+–	PUNCT
+Market	NOUN
+leader	NOUN
+overall	ADV
+,	PUNCT
+Dandenong	PROPN
+PMA	PROPN
+,	PUNCT
+sales	NOUN
+.	PUNCT
+
+Market	NOUN
+leader	NOUN
+medium	NOUN
+duty	NOUN
+,	PUNCT
+sales	NOUN
+.	PUNCT
+
+Well	ADV
+done	VERB
+to	ADP
+Anthony	PROPN
+and	CCONJ
+the	DET
+team	NOUN
+!	PUNCT
+
+Bronze	NOUN
+award	NOUN
+service	NOUN
+excellence	NOUN
+,	PUNCT
+metro	PROPN
+.	PUNCT
+
+Well	ADV
+done	VERB
+to	ADP
+Brendan	PROPN
+and	CCONJ
+the	DET
+team	NOUN
+!	PUNCT
+
+Gold	NOUN
+award	NOUN
+parts	NOUN
+excellence	NOUN
+,	PUNCT
+metro	PROPN
+.	PUNCT
+
+Well	ADV
+done	VERB
+to	ADP
+Jason	PROPN
+and	CCONJ
+the	DET
+team	NOUN
+!	PUNCT
+
+simple	ADJ
+but	CCONJ
+perfect	ADJ
+
+IF	SCONJ
+you	PRON
+want	VERB
+flashy	ADJ
+fancy	ADJ
+food	NOUN
+stacked	VERB
+high	ADV
+with	ADP
+lots	NOUN
+of	ADP
+fussy	ADJ
+garnishes	NOUN
+,	PUNCT
+this	PRON
+is	AUX
+not	PART
+the	DET
+place	NOUN
+for	ADP
+you	PRON
+.	PUNCT
+
+If	SCONJ
+you	PRON
+want	VERB
+perfectly	ADV
+executed	VERB
+simple	ADJ
+dishes	NOUN
+that	PRON
+feature	VERB
+a	DET
+few	ADJ
+exquisite	ADJ
+ingredients	NOUN
+,	PUNCT
+you	PRON
+'ll	AUX
+love	VERB
+Vetri	PROPN
+.	PUNCT
+
+Hands	NOUN
+-	PUNCT
+down	ADV
+the	DET
+best	ADJ
+pasta	NOUN
+and	CCONJ
+gnocchi	NOUN
+I	PRON
+'ve	AUX
+ever	ADV
+eaten	VERB
+(	PUNCT
+and	CCONJ
+I	PRON
+'ve	AUX
+eaten	VERB
+a	DET
+lot	NOUN
+)	PUNCT
+.	PUNCT
+
+The	DET
+antipasti	NOUN
+were	AUX
+amazing	ADJ
+,	PUNCT
+the	DET
+wines	NOUN
+were	AUX
+mind	NOUN
+-	PUNCT
+blowing	ADJ
+,	PUNCT
+the	DET
+service	NOUN
+could	AUX
+n't	PART
+have	AUX
+been	AUX
+better	ADJ
+.	PUNCT
+
+I	PRON
+'ve	AUX
+dined	VERB
+at	ADP
+lots	NOUN
+of	ADP
+high	ADJ
+-	PUNCT
+end	NOUN
+restaurants	NOUN
+and	CCONJ
+I	PRON
+'ve	AUX
+never	ADV
+before	ADV
+felt	VERB
+my	PRON
+money	NOUN
+was	AUX
+so	ADV
+well	ADV
+spent	VERB
+.	PUNCT
+
+Great	ADJ
+Prices	NOUN
+,	PUNCT
+Great	ADJ
+service	NOUN
+!	PUNCT
+
+I	PRON
+'ve	AUX
+been	AUX
+to	ADP
+this	DET
+shop	NOUN
+twice	ADV
+(	PUNCT
+once	ADV
+for	ADP
+an	DET
+inspection	NOUN
+and	CCONJ
+again	ADV
+for	ADP
+an	DET
+oil	NOUN
+change	NOUN
+)	PUNCT
+and	CCONJ
+they	PRON
+truly	ADV
+live	VERB
+up	ADP
+to	ADP
+their	PRON
+name	NOUN
+:	PUNCT
+Discount	PROPN
+!	PUNCT
+
+They	PRON
+have	VERB
+all	DET
+kind	NOUN
+of	ADP
+coupons	NOUN
+available	ADJ
+for	ADP
+car	NOUN
+washes	NOUN
+,	PUNCT
+oil	NOUN
+changes	NOUN
+,	PUNCT
+state	NOUN
+inspection	NOUN
+,	PUNCT
+etc	X
+.	PUNCT
+
+The	DET
+thing	NOUN
+is	VERB
+,	PUNCT
+you	PRON
+still	ADV
+get	VERB
+high	ADJ
+quality	NOUN
+service	NOUN
+at	ADP
+nicely	ADV
+discounted	ADJ
+rates	NOUN
+!	PUNCT
+
+There	PRON
+is	VERB
+even	ADV
+free	ADJ
+coffee	NOUN
+and	CCONJ
+bottles	NOUN
+of	ADP
+water	NOUN
+if	SCONJ
+you	PRON
+'d	AUX
+like	VERB
+.	PUNCT
+
+The	DET
+owner	NOUN
+is	AUX
+a	DET
+pleasant	ADJ
+guy	NOUN
+and	CCONJ
+I	PRON
+would	AUX
+trust	VERB
+my	PRON
+car	NOUN
+with	ADP
+him	PRON
+or	CCONJ
+any	DET
+of	ADP
+his	PRON
+workers	NOUN
+.	PUNCT
+
+Top	ADJ
+notch	NOUN
+,	PUNCT
+all	DET
+the	DET
+way	NOUN
+!	PUNCT
+
+David	PROPN
+is	AUX
+amazing	ADJ
+
+David	PROPN
+is	AUX
+the	DET
+most	ADV
+helpful	ADJ
+and	CCONJ
+creative	ADJ
+photographer	NOUN
+that	PRON
+I	PRON
+have	AUX
+used	VERB
+.	PUNCT
+
+He	PRON
+is	AUX
+willing	ADJ
+to	PART
+do	VERB
+whatever	DET
+you	PRON
+need	VERB
+from	ADP
+him	PRON
+without	ADP
+hesitation	NOUN
+.	PUNCT
+
+He	PRON
+was	AUX
+patient	ADJ
+and	CCONJ
+adapted	VERB
+when	ADV
+everything	PRON
+did	AUX
+n't	PART
+go	VERB
+according	VERB
+to	ADP
+schedule	NOUN
+on	ADP
+my	PRON
+wedding	NOUN
+day	NOUN
+.	PUNCT
+
+Both	CCONJ
+the	DET
+engagement	NOUN
+and	CCONJ
+wedding	NOUN
+pictures	NOUN
+that	PRON
+he	PRON
+took	VERB
+for	ADP
+us	PRON
+we	VERB
+absolutely	ADV
+amazing	ADJ
+.	PUNCT
+
+He	PRON
+got	VERB
+the	DET
+pictures	NOUN
+back	ADV
+to	ADP
+me	PRON
+quickly	ADV
+.	PUNCT
+
+I	PRON
+would	AUX
+highly	ADV
+recommend	VERB
+David	PROPN
+to	ADP
+anyone	PRON
+.	PUNCT
+
+He	PRON
+will	AUX
+exceed	VERB
+your	PRON
+expectations	NOUN
+!	PUNCT
+
+He	PRON
+does	AUX
+n't	PART
+just	ADV
+take	VERB
+pictures	NOUN
+he	PRON
+makes	VERB
+art	NOUN
+out	ADP
+of	ADP
+them	PRON
+and	CCONJ
+you	PRON
+wo	AUX
+n't	PART
+even	ADV
+notice	VERB
+that	SCONJ
+there	PRON
+'s	VERB
+a	DET
+camera	NOUN
+there	ADV
+.	PUNCT
+
+Not	PART
+so	ADV
+great	ADJ
+
+My	PRON
+husband	NOUN
+just	ADV
+got	VERB
+a	DET
+bike	NOUN
+there	ADV
+as	ADP
+a	DET
+gift	NOUN
+he	PRON
+'s	AUX
+only	ADV
+had	VERB
+it	PRON
+a	DET
+month	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+a	DET
+nice	ADJ
+bike	NOUN
+and	CCONJ
+it	PRON
+cost	VERB
+a	DET
+lot	NOUN
+of	ADP
+money	NOUN
+.	PUNCT
+
+But	CCONJ
+just	ADV
+this	DET
+week	NOUN
+a	DET
+peddle	NOUN
+broke	VERB
+.	PUNCT
+
+He	PRON
+took	VERB
+it	PRON
+back	ADV
+and	CCONJ
+they	PRON
+would	AUX
+not	PART
+honor	VERB
+a	DET
+warranty	NOUN
+and	CCONJ
+said	VERB
+it	PRON
+was	AUX
+his	PRON
+fault	NOUN
+because	ADP
+of	ADP
+his	PRON
+shoes	NOUN
+??	PUNCT
+
+So	ADV
+they	PRON
+were	AUX
+going	VERB
+to	PART
+charge	VERB
+him	PRON
+for	ADP
+new	ADJ
+peddles	NOUN
+and	CCONJ
+proceeded	VERB
+to	PART
+put	VERB
+them	PRON
+on	ADV
+without	SCONJ
+even	ADV
+telling	VERB
+him	PRON
+the	DET
+price	NOUN
+.	PUNCT
+
+Which	PRON
+was	AUX
+very	ADV
+expensive	ADJ
+.	PUNCT
+
+He	PRON
+asked	VERB
+for	ADP
+a	DET
+different	ADJ
+pair	NOUN
+instead	ADV
+and	CCONJ
+they	PRON
+only	ADV
+gave	VERB
+him	PRON
+five	NUM
+dollars	NOUN
+off	ADV
+??	PUNCT
+
+Trek	PROPN
+is	AUX
+not	PART
+so	ADV
+great	ADJ
+
+Only	ADV
+Concerned	ADJ
+With	ADP
+Money	NOUN
+
+I	PRON
+have	AUX
+been	AUX
+getting	VERB
+my	PRON
+treatments	NOUN
+for	ADP
+a	DET
+few	ADJ
+months	NOUN
+now	ADV
+and	CCONJ
+have	AUX
+seen	VERB
+some	DET
+results	NOUN
+but	CCONJ
+not	ADV
+up	ADP
+to	ADP
+the	DET
+standards	NOUN
+that	PRON
+I	PRON
+was	AUX
+told	VERB
+I	PRON
+should	AUX
+expect	VERB
+.	PUNCT
+
+The	DET
+people	NOUN
+there	ADV
+attempt	VERB
+to	PART
+come	VERB
+across	ADV
+and	ADP
+professional	ADJ
+and	CCONJ
+nice	ADJ
+,	PUNCT
+but	CCONJ
+I	PRON
+was	AUX
+disappointed	ADJ
+with	ADP
+their	PRON
+customer	NOUN
+service	NOUN
+.	PUNCT
+
+Never	ADV
+miss	VERB
+an	DET
+appointment	NOUN
+because	SCONJ
+they	PRON
+will	AUX
+charge	VERB
+you	PRON
+the	DET
+price	NOUN
+of	ADP
+a	DET
+treatment	NOUN
+,	PUNCT
+even	ADV
+if	SCONJ
+you	PRON
+had	VERB
+an	DET
+emergency	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+pretty	ADV
+ridiculous	ADJ
+!	PUNCT
+
+They	PRON
+want	VERB
+to	PART
+squeeze	VERB
+as	ADV
+much	ADV
+as	SCONJ
+they	PRON
+can	AUX
+from	ADP
+you	PRON
+even	ADV
+if	SCONJ
+you	PRON
+just	ADV
+got	VERB
+in	ADP
+a	DET
+car	NOUN
+accident	NOUN
+!!!!	PUNCT
+
+They	PRON
+do	AUX
+n't	PART
+care	VERB
+one	NUM
+bit	NOUN
+about	ADP
+you	PRON
+!!!!!	PUNCT
+
+Terrible	ADJ
+service	NOUN
+!!!	PUNCT
+
+Made	VERB
+an	DET
+appointment	NOUN
+to	PART
+have	VERB
+them	PRON
+come	VERB
+to	ADP
+the	DET
+house	NOUN
+to	PART
+discuss	VERB
+curtain	NOUN
+options	NOUN
+and	CCONJ
+give	VERB
+an	DET
+estimate	NOUN
+.	PUNCT
+
+They	PRON
+sent	VERB
+over	ADP
+someone	PRON
+who	PRON
+said	VERB
+he	PRON
+knows	VERB
+nothing	PRON
+about	ADP
+curtains	NOUN
+and	CCONJ
+could	AUX
+not	PART
+show	VERB
+me	PRON
+fabric	NOUN
+options	NOUN
+or	CCONJ
+give	VERB
+an	DET
+estimate	NOUN
+.	PUNCT
+
+When	ADV
+I	PRON
+called	VERB
+the	DET
+manager	NOUN
+to	PART
+complain	VERB
+,	PUNCT
+she	PRON
+said	VERB
+she	PRON
+KNEW	VERB
+the	DET
+guy	NOUN
+did	AUX
+n't	PART
+know	VERB
+about	ADP
+curtains	NOUN
+and	CCONJ
+that	SCONJ
+the	DET
+usual	ADJ
+lady	NOUN
+called	VERB
+in	ADV
+sick	ADJ
+hours	NOUN
+earlier	ADV
+!	PUNCT
+
+Instead	ADV
+of	SCONJ
+rescheduling	VERB
+they	PRON
+chose	VERB
+to	PART
+waste	VERB
+my	PRON
+time	NOUN
+instead	ADV
+.	PUNCT
+
+So	ADV
+what	PRON
+was	AUX
+the	DET
+point	NOUN
+of	ADP
+the	DET
+appointment	NOUN
+!?!	PUNCT
+
+To	PART
+just	ADV
+come	VERB
+over	ADV
+and	CCONJ
+hang	VERB
+out	ADP
+?!?	PUNCT
+
+I	PRON
+will	AUX
+NEVER	ADV
+do	VERB
+business	NOUN
+with	ADP
+this	DET
+company	NOUN
+!	PUNCT
+
+EVER	ADV
+!!!	PUNCT
+
+Internet	NOUN
+Department	NOUN
+is	AUX
+rude	ADJ
+and	CCONJ
+insulting	ADJ
+
+I	PRON
+was	AUX
+looking	VERB
+to	PART
+bring	VERB
+a	DET
+customer	NOUN
+to	ADP
+their	PRON
+lot	NOUN
+to	PART
+buy	VERB
+a	DET
+car	NOUN
+but	CCONJ
+the	DET
+Internet	NOUN
+salesperson	NOUN
+Last	ADJ
+name	NOUN
+is	AUX
+Balazick	PROPN
+sent	VERB
+me	PRON
+this	DET
+email	NOUN
+"	PUNCT
+AND	CCONJ
+IF	SCONJ
+IT	PRON
+WAS	AUX
+WORTH	ADJ
+MY	PRON
+TIME	NOUN
+I	PRON
+WOULD	AUX
+OF	AUX
+BOTHERED	VERB
+ASWERING	VERB
+YOUR	PRON
+QUESTIONS	NOUN
+.	PUNCT
+
+I	PRON
+MAKE	VERB
+MONEY	NOUN
+NOT	CCONJ
+DEAL	VERB
+WITH	ADP
+BROKERS	NOUN
+"	PUNCT
+Wow	INTJ
+,	PUNCT
+can	AUX
+you	PRON
+believe	VERB
+in	ADP
+today	NOUN
+s	PART
+tough	ADJ
+times	NOUN
+this	DET
+dealership	NOUN
+would	AUX
+be	AUX
+looking	VERB
+for	ADP
+any	DET
+way	NOUN
+to	PART
+move	VERB
+vehicles	NOUN
+.	PUNCT
+
+As	ADP
+a	DET
+previous	ADJ
+Internet	NOUN
+Manager	NOUN
+I	PRON
+would	AUX
+deal	VERB
+with	ADP
+anyone	PRON
+looking	VERB
+to	PART
+buy	VERB
+a	DET
+car	NOUN
+for	ADP
+a	DET
+profit	NOUN
+and	CCONJ
+not	ADV
+care	VERB
+if	SCONJ
+they	PRON
+came	VERB
+in	ADV
+with	ADP
+a	DET
+broker	NOUN
+.	PUNCT
+
+Stay	VERB
+away	ADV
+from	ADP
+this	DET
+dealership	NOUN
+!!!	PUNCT
+
+This	DET
+place	NOUN
+is	AUX
+a	DET
+Rip	NOUN
+-	PUNCT
+Off	NOUN
+
+I	PRON
+brought	VERB
+a	DET
+car	NOUN
+in	ADV
+to	PART
+have	VERB
+the	DET
+"	PUNCT
+check	VERB
+engine	NOUN
+"	PUNCT
+light	NOUN
+diagnosed	VERB
+back	ADV
+in	ADP
+March	PROPN
+of	ADP
+2010	NUM
+.	PUNCT
+
+They	PRON
+said	VERB
+it	PRON
+was	AUX
+"	PUNCT
+plugs	NOUN
+and	CCONJ
+wires	NOUN
+"	PUNCT
+and	CCONJ
+quoted	VERB
+me	PRON
+$	SYM
+330	NUM
+to	PART
+do	VERB
+the	DET
+work	NOUN
+,	PUNCT
+including	VERB
+parts	NOUN
+.	PUNCT
+
+I	PRON
+asked	VERB
+why	ADV
+so	ADV
+high	ADJ
+and	CCONJ
+they	PRON
+said	VERB
+it	PRON
+was	AUX
+due	ADP
+to	ADP
+the	DET
+labor	NOUN
+of	SCONJ
+moving	VERB
+things	NOUN
+out	ADP
+of	ADP
+the	DET
+way	NOUN
+.	PUNCT
+
+Those	DET
+things	NOUN
+ended	VERB
+up	ADP
+being	AUX
+a	DET
+windsheild	NOUN
+washer	NOUN
+fluid	NOUN
+tank	NOUN
+(	PUNCT
+1	NUM
+screw	NOUN
+)	PUNCT
+and	CCONJ
+the	DET
+air	NOUN
+filter	NOUN
+canister	NOUN
+(	PUNCT
+4	NUM
+spring	NOUN
+clips	NOUN
+)	PUNCT
+.	PUNCT
+
+I	PRON
+did	VERB
+the	DET
+work	NOUN
+myself	PRON
+for	ADP
+$	SYM
+50	NUM
+.	PUNCT
+
+There	PRON
+'s	VERB
+no	DET
+excuse	NOUN
+for	ADP
+that	DET
+kind	NOUN
+of	ADP
+estimate	NOUN
+.	PUNCT
+
+My	PRON
+girlfriend	NOUN
+and	CCONJ
+I	PRON
+took	VERB
+a	DET
+chance	NOUN
+on	ADP
+this	DET
+place	NOUN
+because	SCONJ
+we	PRON
+did	AUX
+n't	PART
+want	VERB
+to	PART
+wait	VERB
+in	ADP
+line	NOUN
+at	ADP
+Outback	PROPN
+.	PUNCT
+
+What	PRON
+an	DET
+amazing	ADJ
+find	NOUN
+-	PUNCT
+this	DET
+restaurant	NOUN
+is	AUX
+a	DET
+GEM	NOUN
+.	PUNCT
+
+#	NOUN
+1	X
+it	PRON
+s	AUX
+immaculately	ADV
+clean	ADJ
+.	PUNCT
+
+#	NOUN
+2	X
+the	DET
+decor	NOUN
+is	AUX
+tasteful	ADJ
+and	CCONJ
+artistic	ADJ
+,	PUNCT
+from	ADP
+the	DET
+comfortable	ADJ
+chairs	NOUN
+to	ADP
+the	DET
+elegant	ADJ
+light	NOUN
+fixtures	NOUN
+....	PUNCT
+and	CCONJ
+(	PUNCT
+most	ADV
+importantly	ADV
+)	PUNCT
+#	NOUN
+3	X
+the	DET
+food	NOUN
+is	AUX
+FANTASTIC	ADJ
+.	PUNCT
+
+This	PRON
+is	AUX
+authentic	ADJ
+Cuban	ADJ
+cuisine	NOUN
+;	PUNCT
+fresh	ADJ
+ingredients	NOUN
+expertly	ADV
+prepared	VERB
+and	CCONJ
+seasoned	VERB
+perfectly	ADV
+.	PUNCT
+
+The	DET
+portions	NOUN
+were	AUX
+generous	ADJ
+and	CCONJ
+we	PRON
+got	VERB
+out	ADV
+for	ADP
+less	ADJ
+than	ADP
+the	DET
+cost	NOUN
+of	ADP
+one	NUM
+entree	NOUN
+at	ADP
+some	DET
+chain	NOUN
+restaurant	NOUN
+.	PUNCT
+
+TRY	VERB
+THIS	DET
+PLACE	NOUN
+-	PUNCT
+YOU	PRON
+'LL	AUX
+LOVE	VERB
+IT	PRON
+.	PUNCT
+
+Thank	VERB
+you	PRON
+for	SCONJ
+helping	VERB
+me	PRON
+get	VERB
+more	ADV
+healthy	ADJ
+!	PUNCT
+
+I	PRON
+came	VERB
+in	ADV
+and	CCONJ
+saw	VERB
+Dr.	PROPN
+Ruona	PROPN
+about	ADV
+a	DET
+month	NOUN
+ago	ADV
+for	SCONJ
+quitting	VERB
+smoking	NOUN
+.	PUNCT
+
+I	PRON
+have	VERB
+to	PART
+tell	VERB
+you	PRON
+that	SCONJ
+I	PRON
+have	AUX
+n't	PART
+had	VERB
+one	NUM
+and	CCONJ
+do	AUX
+n't	PART
+want	VERB
+one	NUM
+.	PUNCT
+
+It	PRON
+is	AUX
+the	DET
+easiest	ADJ
+thing	NOUN
+that	PRON
+I	PRON
+have	AUX
+ever	ADV
+done	VERB
+and	CCONJ
+I	PRON
+tell	VERB
+all	DET
+my	PRON
+friends	NOUN
+that	SCONJ
+they	PRON
+should	AUX
+do	VERB
+it	PRON
+too	ADV
+.	PUNCT
+
+I	PRON
+sent	VERB
+a	DET
+customer	NOUN
+of	ADP
+mine	PRON
+to	ADP
+you	PRON
+.	PUNCT
+
+Dr.	PROPN
+Ruona	PROPN
+,	PUNCT
+if	SCONJ
+you	PRON
+read	VERB
+this	PRON
+,	PUNCT
+thank	VERB
+you	PRON
+for	SCONJ
+helping	VERB
+me	PRON
+get	VERB
+more	ADV
+healthy	ADJ
+.	PUNCT
+
+I	PRON
+feel	VERB
+lighter	ADJ
+and	CCONJ
+feel	VERB
+that	SCONJ
+I	PRON
+have	VERB
+more	ADJ
+possibilities	NOUN
+open	ADJ
+to	ADP
+me	PRON
+now	ADV
+than	SCONJ
+I	PRON
+did	AUX
+before	ADV
+.	PUNCT
+
+I	PRON
+ca	AUX
+n't	PART
+thank	VERB
+you	PRON
+enough	ADV
+.	PUNCT
+
+Signs	PROPN
+of	ADP
+Saltford	PROPN
+-	PUNCT
+an	DET
+excellent	ADJ
+supplier	NOUN
+of	ADP
+value	NOUN
+for	ADP
+money	NOUN
+signs	NOUN
+and	CCONJ
+banners	NOUN
+etc	X
+.	PUNCT
+
+I	PRON
+have	AUX
+been	AUX
+a	DET
+friend	NOUN
+and	CCONJ
+customer	NOUN
+of	ADP
+Signs	PROPN
+of	ADP
+Saltford	PROPN
+for	ADP
+well	ADV
+over	ADP
+12	NUM
+years	NOUN
+now	ADV
+and	CCONJ
+I	PRON
+also	ADV
+became	VERB
+their	PRON
+website	NOUN
+supplier	NOUN
+some	DET
+3	NUM
+years	NOUN
+ago	ADV
+.	PUNCT
+
+Tina	PROPN
+is	AUX
+the	DET
+driving	VERB
+force	NOUN
+of	ADP
+the	DET
+business	NOUN
+and	CCONJ
+you	PRON
+can	AUX
+be	AUX
+assured	VERB
+that	SCONJ
+she	PRON
+will	AUX
+endevour	VERB
+to	PART
+satisfy	VERB
+all	DET
+your	PRON
+signage	NOUN
+requirements	NOUN
+at	ADP
+the	DET
+most	ADV
+cost	NOUN
+effective	ADJ
+rates	NOUN
+.	PUNCT
+
+I	PRON
+have	AUX
+been	AUX
+extremely	ADV
+pleased	ADJ
+with	ADP
+the	DET
+signs	NOUN
+and	CCONJ
+pop	VERB
+-	PUNCT
+up	ADP
+banners	NOUN
+she	PRON
+has	AUX
+supplied	VERB
+to	ADP
+me	PRON
+over	ADP
+the	DET
+years	NOUN
+-	PUNCT
+a	NOUN
+truly	ADV
+first	ADJ
+class	NOUN
+family	NOUN
+business	NOUN
+run	VERB
+by	ADP
+Tina	PROPN
+and	CCONJ
+her	PRON
+husband	NOUN
+Chris	PROPN
+.	PUNCT
+
+My	PRON
+counseling	NOUN
+practice	NOUN
+
+Hello	INTJ
+my	PRON
+name	NOUN
+is	AUX
+Vera	PROPN
+and	CCONJ
+I	PRON
+'m	AUX
+writing	VERB
+a	DET
+review	NOUN
+about	ADP
+my	PRON
+own	ADJ
+counseling	NOUN
+practice	NOUN
+in	ADP
+Bellevue	PROPN
+,	PUNCT
+WA.	PROPN
+and	CCONJ
+in	ADP
+Renton	PROPN
+WA	PROPN
+.	PUNCT
+
+I	PRON
+am	AUX
+a	DET
+licensed	VERB
+mental	ADJ
+health	NOUN
+counselor	NOUN
+and	CCONJ
+I	PRON
+work	VERB
+with	ADP
+variety	NOUN
+of	ADP
+mental	ADJ
+health	NOUN
+problems	NOUN
+.	PUNCT
+
+I	PRON
+offer	VERB
+compassionate	ADJ
+,	PUNCT
+approachable	ADJ
+and	CCONJ
+personalized	VERB
+counseling	NOUN
+services	NOUN
+.	PUNCT
+
+My	PRON
+style	NOUN
+is	AUX
+compassionate	ADJ
+,	PUNCT
+nonjudgmental	ADJ
+,	PUNCT
+and	CCONJ
+caring	ADJ
+.	PUNCT
+
+Please	INTJ
+visit	VERB
+my	PRON
+website	NOUN
+to	PART
+learn	VERB
+more	ADJ
+about	ADP
+my	PRON
+practice	NOUN
+at	ADP
+www.veraakulov.com	X
+.	PUNCT
+
+I	PRON
+am	AUX
+a	DET
+preferred	VERB
+provider	NOUN
+with	ADP
+most	ADJ
+insurance	NOUN
+companies	NOUN
+.	PUNCT
+
+Schedule	VERB
+your	PRON
+first	ADJ
+appointment	NOUN
+online	ADV
+!	PUNCT
+
+I	PRON
+would	AUX
+appreciate	VERB
+reviews	NOUN
+from	ADP
+anyone	PRON
+who	PRON
+has	AUX
+worked	VERB
+with	ADP
+me	PRON
+before	ADV
+in	ADP
+the	DET
+mental	ADJ
+health	NOUN
+setting	NOUN
+.	PUNCT
+
+Fantastic	ADJ
+for	ADP
+kids	NOUN
+
+If	SCONJ
+you	PRON
+have	VERB
+children	NOUN
+or	CCONJ
+are	AUX
+just	ADV
+a	DET
+real	ADJ
+animal	NOUN
+lover	NOUN
+yourself	PRON
+you	PRON
+'ll	AUX
+love	VERB
+this	DET
+zoo	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+only	ADV
+$	SYM
+10	NUM
+and	CCONJ
+in	ADP
+essence	NOUN
+just	ADV
+one	NUM
+big	ADJ
+petting	NOUN
+zoo	NOUN
+.	PUNCT
+
+They	PRON
+sell	VERB
+feed	NOUN
+and	CCONJ
+milk	NOUN
+bottles	NOUN
+at	ADP
+the	DET
+front	NOUN
+and	CCONJ
+I	PRON
+recommend	VERB
+you	PRON
+buy	VERB
+lots	NOUN
+.	PUNCT
+
+We	PRON
+took	VERB
+our	PRON
+7	NUM
+month	NOUN
+old	ADJ
+and	CCONJ
+she	PRON
+laughed	VERB
+and	CCONJ
+giggled	VERB
+when	ADV
+(	PUNCT
+very	ADV
+harshly	ADV
+I	PRON
+might	AUX
+add	VERB
+)	PUNCT
+grabbing	VERB
+and	CCONJ
+'	PUNCT
+kissed	VERB
+'	PUNCT
+the	DET
+goats	NOUN
+and	CCONJ
+lambs	NOUN
+.	PUNCT
+
+The	DET
+animals	NOUN
+were	AUX
+all	ADV
+very	ADV
+sweet	ADJ
+and	CCONJ
+patient	ADJ
+with	ADP
+her	PRON
+.	PUNCT
+
+Among	ADP
+the	DET
+animals	NOUN
+that	PRON
+were	AUX
+available	ADJ
+to	PART
+touch	VERB
+were	AUX
+pony's	NOUN
+,	PUNCT
+camels	NOUN
+and	CCONJ
+EVEN	ADV
+AN	DET
+OSTRICH	NOUN
+!!!	PUNCT
+
+Wonderful	ADJ
+,	PUNCT
+inexpensive	ADJ
+and	CCONJ
+lots	NOUN
+of	ADP
+fun	NOUN
+!	PUNCT
+
+WOW	INTJ
+!!!	PUNCT
+
+I	PRON
+ca	AUX
+n't	PART
+say	VERB
+enough	ADJ
+good	ADJ
+things	NOUN
+about	ADP
+Karla	PROPN
+and	CCONJ
+the	DET
+wonderful	ADJ
+things	NOUN
+she	PRON
+has	AUX
+done	VERB
+for	ADP
+me	PRON
+and	CCONJ
+my	PRON
+dog	NOUN
+Gracee	PROPN
+.	PUNCT
+
+Gracee	PROPN
+is	AUX
+more	ADV
+excited	ADJ
+to	PART
+see	VERB
+her	PRON
+than	SCONJ
+she	PRON
+is	AUX
+to	PART
+see	VERB
+me	PRON
+!!!!	PUNCT
+
+She	PRON
+has	AUX
+always	ADV
+been	AUX
+there	ADV
+for	ADP
+Gracee	PROPN
+even	ADV
+for	ADP
+last	ADJ
+minute	NOUN
+calls	NOUN
+!	PUNCT
+
+She	PRON
+has	AUX
+taken	VERB
+care	NOUN
+of	ADP
+my	PRON
+sweet	ADJ
+girl	NOUN
+for	ADP
+almost	ADV
+4	NUM
+years	NOUN
+now	ADV
+and	CCONJ
+I	PRON
+would	AUX
+not	PART
+let	VERB
+Gracee	PROPN
+go	VERB
+with	ADP
+anyone	PRON
+besides	ADP
+her	PRON
+!!!	PUNCT
+
+She	PRON
+is	AUX
+caring	ADJ
+,	PUNCT
+punctual	ADJ
+,	PUNCT
+and	CCONJ
+very	ADV
+enthusiastic	ADJ
+about	ADP
+her	PRON
+job	NOUN
+!	PUNCT
+
+You	PRON
+should	AUX
+give	VERB
+her	PRON
+a	DET
+try	NOUN
+-	PUNCT
+it	PRON
+'s	AUX
+worth	ADJ
+every	DET
+penny	NOUN
+to	PART
+know	VERB
+that	SCONJ
+you	PRON
+pet	NOUN
+is	VERB
+in	ADP
+GREAT	ADJ
+hands	NOUN
+with	ADP
+Wunderbar	PROPN
+pet	PROPN
+sitting	PROPN
+!!!!	PUNCT
+
+Worst	ADJ
+Service	NOUN
+I	PRON
+'ve	AUX
+Ever	ADV
+Experienced	VERB
+
+I	PRON
+wish	VERB
+there	PRON
+was	VERB
+something	PRON
+good	ADJ
+to	PART
+say	VERB
+about	ADP
+the	DET
+business	NOUN
+,	PUNCT
+but	CCONJ
+unfortunately	ADV
+,	PUNCT
+there	PRON
+is	VERB
+n't	PART
+.	PUNCT
+
+1	X
+)	PUNCT
+Service	NOUN
+and	CCONJ
+manners	NOUN
+were	AUX
+nonexistent	ADJ
+.	PUNCT
+
+2	X
+)	PUNCT
+The	DET
+employees	NOUN
+constantly	ADV
+talk	VERB
+down	ADV
+to	ADP
+customers	NOUN
+and	CCONJ
+are	AUX
+very	ADV
+argumentative	ADJ
+for	ADP
+the	DET
+sake	NOUN
+of	SCONJ
+being	AUX
+argumentative	ADJ
+.	PUNCT
+
+(	PUNCT
+to	ADP
+both	CCONJ
+myself	PRON
+and	CCONJ
+customers	NOUN
+)	PUNCT
+3	X
+)	PUNCT
+I	PRON
+have	AUX
+never	ADV
+experienced	VERB
+so	ADV
+much	ADJ
+rudeness	NOUN
+coming	VERB
+from	ADP
+a	DET
+business	NOUN
+.	PUNCT
+
+4	X
+)	PUNCT
+The	DET
+business	NOUN
+is	AUX
+very	ADV
+unorganized	ADJ
+.	PUNCT
+
+The	DET
+invoice	NOUN
+is	AUX
+not	PART
+detailed	ADJ
+,	PUNCT
+so	ADV
+it	PRON
+is	AUX
+difficult	ADJ
+to	PART
+see	VERB
+what	PRON
+you	PRON
+are	AUX
+paying	VERB
+for	ADP
+.	PUNCT
+
+I	PRON
+'d	AUX
+recommend	VERB
+to	PART
+save	VERB
+your	PRON
+time	NOUN
+and	CCONJ
+energy	NOUN
+and	CCONJ
+find	VERB
+another	DET
+greek	ADJ
+store	NOUN
+.	PUNCT
+
+Exile	PROPN
+is	AUX
+the	DET
+best	ADJ
+!!!	PUNCT
+
+Exile	PROPN
+is	AUX
+the	DET
+longest	ADV
+lasting	VERB
+and	CCONJ
+most	ADV
+authentic	ADJ
+punk	NOUN
+store	NOUN
+in	ADP
+Richmond	PROPN
+!	PUNCT
+
+I	PRON
+have	AUX
+been	AUX
+shopping	VERB
+there	ADV
+for	ADP
+over	ADP
+six	NUM
+years	NOUN
+now	ADV
+.	PUNCT
+
+The	DET
+staff	NOUN
+is	AUX
+incredibly	ADV
+friendly	ADJ
+and	CCONJ
+helpful	ADJ
+and	CCONJ
+the	DET
+owner	NOUN
+,	PUNCT
+Mimmy	PROPN
+,	PUNCT
+is	AUX
+an	DET
+absolute	ADJ
+angel	NOUN
+.	PUNCT
+
+The	DET
+mark	NOUN
+up	NOUN
+is	AUX
+minimal	ADJ
+considering	VERB
+that	SCONJ
+the	DET
+clothing	NOUN
+is	VERB
+hard	ADJ
+to	PART
+find	VERB
+and	CCONJ
+often	ADV
+shipped	VERB
+for	ADP
+Europe	PROPN
+.	PUNCT
+
+In	ADP
+addition	NOUN
+,	PUNCT
+the	DET
+clothing	NOUN
+is	AUX
+of	ADP
+much	ADV
+better	ADJ
+quality	NOUN
+than	ADP
+the	DET
+clothing	NOUN
+from	ADP
+hot	PROPN
+topic	PROPN
+,	PUNCT
+which	PRON
+is	AUX
+made	VERB
+as	ADV
+cheaply	ADV
+as	SCONJ
+possible	ADJ
+by	ADP
+people	NOUN
+living	VERB
+in	ADP
+horrible	ADJ
+conditions	NOUN
+in	ADP
+Asia	PROPN
+.	PUNCT
+
+Exile	PROPN
+is	AUX
+environmentally	ADV
+conscious	ADJ
+and	CCONJ
+involved	ADJ
+heavily	ADV
+in	ADP
+our	PRON
+community	NOUN
+.	PUNCT
+
+Shop	VERB
+local	ADV
+at	ADP
+Exile	PROPN
+!!	PUNCT
+
+Over-rated	ADJ
+
+Buddakan	PROPN
+inevitably	ADV
+attracts	VERB
+the	DET
+majority	NOUN
+of	ADP
+its	PRON
+guests	NOUN
+simply	ADV
+because	ADP
+of	ADP
+its	PRON
+association	NOUN
+with	ADP
+Steven	PROPN
+Starr	PROPN
+,	PUNCT
+but	CCONJ
+that	PRON
+does	AUX
+n't	PART
+impress	VERB
+me	PRON
+.	PUNCT
+
+The	DET
+atmosphere	NOUN
+alone	ADV
+deserves	VERB
+4	NUM
+stars	NOUN
+but	CCONJ
+,	PUNCT
+the	DET
+food	NOUN
+was	AUX
+not	PART
+up	ADP
+to	ADP
+par	NOUN
+with	ADP
+the	DET
+price	NOUN
+tag	NOUN
+and	CCONJ
+the	DET
+reputation	NOUN
+the	DET
+restaurant	NOUN
+carries	VERB
+.	PUNCT
+
+The	DET
+server	NOUN
+we	PRON
+had	VERB
+was	AUX
+knowledgeable	ADJ
+but	CCONJ
+he	PRON
+was	AUX
+not	PART
+as	ADV
+proper	ADJ
+as	SCONJ
+he	PRON
+should	AUX
+have	AUX
+been	VERB
+,	PUNCT
+acting	VERB
+like	SCONJ
+he	PRON
+was	AUX
+talking	VERB
+to	ADP
+his	PRON
+friends	NOUN
+rather	ADV
+than	ADP
+his	PRON
+customers	NOUN
+.	PUNCT
+
+The	DET
+angry	ADJ
+lobster	NOUN
+was	AUX
+completely	ADV
+over-priced	ADJ
+!	PUNCT
+
+$	SYM
+80	NUM
+for	ADP
+a	DET
+dish	NOUN
+that	PRON
+has	VERB
+about	ADV
+one	NUM
+small	ADJ
+lobster	NOUN
+tail	NOUN
+and	CCONJ
+is	AUX
+full	ADJ
+of	ADP
+filler	NOUN
+vegetables	NOUN
+!	PUNCT
+
+I	PRON
+would	AUX
+n't	PART
+go	VERB
+there	ADV
+again	ADV
+.	PUNCT
+
+Alto	PROPN
+delivers	VERB
+on	ADP
+all	DET
+levels	NOUN
+.	PUNCT
+
+From	ADP
+the	DET
+moment	NOUN
+you	PRON
+enter	VERB
+the	DET
+restaurant	NOUN
+,	PUNCT
+you	PRON
+know	VERB
+you	PRON
+are	AUX
+some	DET
+place	NOUN
+special	ADJ
+.	PUNCT
+
+The	DET
+service	NOUN
+is	AUX
+impeccable	ADJ
+,	PUNCT
+and	CCONJ
+the	DET
+food	NOUN
+is	AUX
+even	ADV
+better	ADJ
+.	PUNCT
+
+I	PRON
+highly	ADV
+recommend	VERB
+the	DET
+four	NUM
+-	PUNCT
+course	NOUN
+tasting	NOUN
+menu	NOUN
+,	PUNCT
+which	PRON
+gives	VERB
+you	PRON
+plenty	NOUN
+of	ADP
+range	NOUN
+and	CCONJ
+food	NOUN
+to	PART
+satisfy	VERB
+your	PRON
+appetite	NOUN
+.	PUNCT
+
+Also	ADV
+,	PUNCT
+if	SCONJ
+you	PRON
+are	AUX
+into	ADP
+wine	NOUN
+,	PUNCT
+Alto	PROPN
+has	VERB
+the	DET
+depth	NOUN
+of	ADP
+both	CCONJ
+region	NOUN
+,	PUNCT
+varietal	NOUN
+,	PUNCT
+and	CCONJ
+vintage	NOUN
+to	PART
+satisfy	VERB
+nearly	ADV
+any	DET
+sommelier	NOUN
+(	PUNCT
+or	CCONJ
+after	ADP
+9	NUM
+pm	NOUN
+,	PUNCT
+bring	VERB
+your	PRON
+own	ADJ
+bottle	NOUN
+for	ADP
+free	ADJ
+...	PUNCT
+no	DET
+corking	NOUN
+fee	NOUN
+!	PUNCT
+)	PUNCT
+.	PUNCT
+
+While	SCONJ
+it	PRON
+'s	AUX
+not	PART
+cheap	ADJ
+,	PUNCT
+Alto	PROPN
+will	AUX
+give	VERB
+you	PRON
+an	DET
+experience	NOUN
+you	PRON
+'ll	AUX
+never	ADV
+forget	VERB
+.	PUNCT
+
+The	DET
+landlord	NOUN
+is	AUX
+not	PART
+nice	ADJ
+nor	CCONJ
+helpful	ADJ
+
+I	PRON
+have	AUX
+lived	VERB
+in	ADP
+Buckingham	PROPN
+Condominiums	PROPN
+townhouse	NOUN
+for	ADP
+2	NUM
+years	NOUN
+.	PUNCT
+
+I	PRON
+love	VERB
+the	DET
+location	NOUN
+and	CCONJ
+the	DET
+apartment	NOUN
+!!	PUNCT
+
+I	PRON
+'m	AUX
+a	DET
+single	ADJ
+female	NOUN
+and	CCONJ
+I	PRON
+feel	VERB
+safe	ADJ
+coming	VERB
+home	ADV
+at	ADP
+night	NOUN
+.	PUNCT
+
+The	DET
+maintenance	NOUN
+people	NOUN
+are	AUX
+AWESOME	ADJ
+!!!!	PUNCT
+
+And	CCONJ
+the	DET
+exterminator	NOUN
+is	AUX
+very	ADV
+nice	ADJ
+,	PUNCT
+also	ADV
+.	PUNCT
+
+Yes	INTJ
+,	PUNCT
+you	PRON
+still	ADV
+have	VERB
+a	DET
+few	ADJ
+bugs	NOUN
+,	PUNCT
+but	CCONJ
+that	PRON
+'s	AUX
+going	VERB
+to	PART
+be	AUX
+anywhere	ADV
+you	PRON
+go	VERB
+!	PUNCT
+
+The	DET
+only	ADJ
+problem	NOUN
+that	PRON
+I	PRON
+have	AUX
+experienced	VERB
+is	AUX
+the	DET
+landlord	NOUN
+.	PUNCT
+
+She	PRON
+is	AUX
+a	DET
+pure	ADJ
+b****	NOUN
+!!!	PUNCT
+
+I	PRON
+know	VERB
+that	PRON
+'s	AUX
+ugly	ADJ
+...	PUNCT
+but	CCONJ
+she	PRON
+wo	AUX
+n't	PART
+help	VERB
+you	PRON
+out	ADP
+for	ADP
+anything	PRON
+...	PUNCT
+sad	ADJ
+story	NOUN
+.	PUNCT
+
+Other	ADJ
+than	ADP
+that	PRON
+,	PUNCT
+I	PRON
+would	AUX
+recommend	VERB
+living	VERB
+here	ADV
+.	PUNCT
+:)	SYM
+
+The	DET
+staff	NOUN
+leaves	VERB
+a	DET
+lot	NOUN
+to	PART
+be	AUX
+desired	VERB
+.	PUNCT
+
+The	DET
+front	NOUN
+staff	NOUN
+has	AUX
+seen	VERB
+quite	DET
+a	DET
+bit	NOUN
+of	ADP
+turnover	NOUN
+and	CCONJ
+changed	VERB
+from	ADP
+professional	ADJ
+to	ADP
+rude	ADJ
+.	PUNCT
+
+A	DET
+simple	ADJ
+follow	VERB
+-	PUNCT
+up	ADP
+phone	NOUN
+call	NOUN
+with	ADP
+a	DET
+woman	NOUN
+quickly	ADV
+turned	VERB
+into	ADP
+a	DET
+nightmare	NOUN
+.	PUNCT
+
+She	PRON
+may	AUX
+be	AUX
+the	DET
+reason	NOUN
+for	ADP
+all	DET
+the	DET
+change	NOUN
+.	PUNCT
+
+I	PRON
+sincerely	ADV
+wonder	VERB
+if	SCONJ
+the	DET
+doctor	NOUN
+has	VERB
+a	DET
+clue	NOUN
+about	SCONJ
+what	PRON
+is	AUX
+going	VERB
+on	ADP
+within	ADP
+his	PRON
+practice	NOUN
+.	PUNCT
+
+If	SCONJ
+he	PRON
+does	AUX
+know	VERB
+and	CCONJ
+approves	VERB
+of	ADP
+this	DET
+behavior	NOUN
+then	ADV
+it	PRON
+is	AUX
+a	DET
+poor	ADJ
+reflection	NOUN
+on	ADP
+him	PRON
+.	PUNCT
+
+Sometimes	ADV
+it	PRON
+is	AUX
+not	PART
+worth	ADJ
+it	PRON
+to	PART
+go	VERB
+through	ADP
+that	DET
+kind	NOUN
+of	ADP
+staff	NOUN
+and	CCONJ
+their	PRON
+personal	ADJ
+attitude	NOUN
+to	PART
+get	VERB
+to	ADP
+a	DET
+doctor	NOUN
+.	PUNCT
+
+He	PRON
+was	AUX
+an	DET
+okay	ADJ
+doctor	NOUN
+but	CCONJ
+not	ADV
+worth	ADJ
+her	PRON
+.	PUNCT
+
+WWW	PROPN
+-	PUNCT
+Wonderful	ADJ
+Wild	ADJ
+Wildernest	PROPN
+inn	PROPN
+
+I	PRON
+would	AUX
+give	VERB
+the	DET
+Wildernest	PROPN
+inn	PROPN
+ten	NUM
+stars	NOUN
+of	ADP
+five	NUM
+!	PUNCT
+
+Atop	ADP
+Spring	PROPN
+Mountain	PROPN
+,	PUNCT
+from	ADP
+the	DET
+decks	NOUN
+of	ADP
+the	DET
+West	PROPN
+porch	NOUN
+,	PUNCT
+"	PUNCT
+one	PRON
+can	AUX
+see	VERB
+forever	ADV
+"	PUNCT
+a	DET
+scene	NOUN
+of	ADP
+unparalleled	ADJ
+beauty	NOUN
+and	CCONJ
+grandeur	NOUN
+.	PUNCT
+
+I	PRON
+saw	VERB
+deer	NOUN
+frequently	ADV
+,	PUNCT
+in	ADP
+fact	NOUN
+a	DET
+small	ADJ
+herd	NOUN
+were	AUX
+grazing	VERB
+near	ADP
+the	DET
+lodge	NOUN
+.	PUNCT
+
+There	PRON
+were	VERB
+occasional	ADJ
+bears	NOUN
+on	ADP
+the	DET
+deck	NOUN
+in	ADP
+the	DET
+morning	NOUN
+.	PUNCT
+
+and	CCONJ
+most	ADV
+correctly	ADV
+,	PUNCT
+us	PRON
+visitors	NOUN
+did	AUX
+not	PART
+mingle	VERB
+with	ADP
+the	DET
+native	ADJ
+wildlife	NOUN
+.	PUNCT
+
+It	PRON
+would	AUX
+have	AUX
+been	AUX
+more	ADJ
+than	SCONJ
+one	PRON
+could	AUX
+bear	VERB
+!	PUNCT
+
+Kathy	PROPN
+and	CCONJ
+Stewart	PROPN
+,	PUNCT
+the	DET
+proprietors	NOUN
+were	AUX
+the	DET
+epitome	NOUN
+of	ADP
+perfection	NOUN
+.	PUNCT
+
+Delightful	ADJ
+,	PUNCT
+hospitable	ADJ
+,	PUNCT
+superb	ADJ
+,	PUNCT
+cozy	ADJ
+and	CCONJ
+comfortable	ADJ
+.	PUNCT
+
+I	PRON
+hope	VERB
+to	PART
+be	AUX
+back	ADV
+!	PUNCT
+
+junkie	NOUN
+lube	NOUN
+?!	PUNCT
+
+really	ADV
+weird	ADJ
+place	NOUN
+,	PUNCT
+I	PRON
+was	AUX
+driving	VERB
+home	ADV
+from	ADP
+work	NOUN
+thought	VERB
+I	PRON
+'d	AUX
+stop	VERB
+in	ADV
+for	ADP
+an	DET
+oil	NOUN
+change	NOUN
+and	CCONJ
+well	INTJ
+,	PUNCT
+there	PRON
+are	VERB
+a	DET
+few	ADJ
+guys	NOUN
+in	ADP
+jiffy	PROPN
+lube	PROPN
+uniforms	NOUN
+sitting	VERB
+at	ADP
+the	DET
+table	NOUN
+drinking	VERB
+beers	NOUN
+and	CCONJ
+shooting	VERB
+the	DET
+breeze	NOUN
+.	PUNCT
+
+The	DET
+neon	NOUN
+lighting	NOUN
+sign	NOUN
+still	ADV
+said	VERB
+"	PUNCT
+on	ADV
+"	PUNCT
+yet	CCONJ
+some	DET
+guy	NOUN
+who	PRON
+seemed	VERB
+to	PART
+be	AUX
+the	DET
+oldest	ADJ
+of	ADP
+the	DET
+bunch	NOUN
+,	PUNCT
+more	ADV
+like	ADP
+the	DET
+drunkest	ADJ
+of	ADP
+the	DET
+bunch	NOUN
+told	VERB
+me	PRON
+they	PRON
+'d	AUX
+be	AUX
+open	ADJ
+tomorrow	NOUN
+.	PUNCT
+
+I	PRON
+asked	VERB
+if	SCONJ
+a	DET
+manager	NOUN
+was	AUX
+on	ADP
+duty	NOUN
+he	PRON
+told	VERB
+me	PRON
+he	PRON
+was	VERB
+.	PUNCT
+
+WOW	INTJ
+!	PUNCT
+
+grey	NOUN
+shirt	NOUN
+"	PUNCT
+mark	PROPN
+"	PUNCT
+of	ADV
+course	ADV
+with	ADP
+this	DET
+type	NOUN
+behavior	NOUN
+he	PRON
+could	AUX
+have	AUX
+been	AUX
+wearing	VERB
+someon	NOUN
+else	ADJ
+s	PART
+clothing	NOUN
+.....	PUNCT
+
+A	DET
+friend	NOUN
+and	CCONJ
+I	PRON
+recently	ADV
+took	VERB
+our	PRON
+16	NUM
+and	CCONJ
+18	NUM
+month	NOUN
+olds	NOUN
+here	ADV
+.	PUNCT
+
+While	SCONJ
+there	PRON
+was	VERB
+n't	PART
+too	ADV
+much	ADJ
+available	ADJ
+for	ADP
+their	PRON
+age	NOUN
+(	PUNCT
+ball	NOUN
+pit	NOUN
+,	PUNCT
+bouncy	ADJ
+area	NOUN
+and	CCONJ
+a	DET
+little	ADJ
+padded	ADJ
+pyramid	NOUN
+to	PART
+climb	VERB
+on	ADP
+)	PUNCT
+,	PUNCT
+we	PRON
+went	VERB
+right	ADV
+when	ADV
+they	PRON
+opened	VERB
+at	ADP
+10	NUM
+am	NOUN
+on	ADP
+a	DET
+winter	NOUN
+weekday	NOUN
+and	CCONJ
+ended	VERB
+up	ADP
+being	AUX
+the	DET
+only	ADJ
+ones	NOUN
+there	ADV
+,	PUNCT
+so	ADV
+we	PRON
+were	AUX
+given	VERB
+a	DET
+little	ADJ
+more	ADJ
+liberty	NOUN
+than	SCONJ
+we	PRON
+would	AUX
+have	AUX
+if	SCONJ
+others	NOUN
+had	AUX
+been	AUX
+there	ADV
+.	PUNCT
+
+It	PRON
+'s	AUX
+not	PART
+the	DET
+classiest	ADJ
+place	NOUN
+,	PUNCT
+but	CCONJ
+it	PRON
+was	AUX
+cleaner	ADJ
+than	SCONJ
+I	PRON
+expected	VERB
+and	CCONJ
+the	DET
+staff	NOUN
+was	AUX
+very	ADV
+friendly	ADJ
+.	PUNCT
+
+For	ADP
+$	SYM
+4	NUM
+it	PRON
+was	AUX
+a	DET
+nice	ADJ
+break	NOUN
+from	ADP
+the	DET
+monotony	NOUN
+of	ADP
+winter	NOUN
+indoors	ADV
+with	ADP
+a	DET
+toddler	NOUN
+.	PUNCT
+
+Restored	VERB
+my	PRON
+faith	NOUN
+in	ADP
+Mechaincs	NOUN
+.	PUNCT
+
+I	PRON
+spent	VERB
+3	NUM
+months	NOUN
+going	VERB
+from	ADP
+shop	NOUN
+to	ADP
+shop	NOUN
+trying	VERB
+to	PART
+get	VERB
+my	PRON
+Ferrari	PROPN
+to	PART
+run	VERB
+and	CCONJ
+drive	VERB
+the	DET
+way	NOUN
+it	PRON
+should	AUX
+.	PUNCT
+
+I	PRON
+was	AUX
+about	ADV
+to	PART
+give	VERB
+up	ADP
+when	ADV
+I	PRON
+met	VERB
+Jason	PROPN
+and	CCONJ
+Neal	PROPN
+.	PUNCT
+
+They	PRON
+took	VERB
+on	ADP
+the	DET
+challenge	NOUN
+of	SCONJ
+making	VERB
+my	PRON
+Ferrari	PROPN
+all	DET
+I	PRON
+dreamed	VERB
+of	ADP
+and	CCONJ
+more	ADJ
+.	PUNCT
+
+The	DET
+crew	NOUN
+at	ADP
+The	DET
+Creative	PROPN
+Workshop	PROPN
+went	VERB
+over	ADP
+and	CCONJ
+above	ADP
+the	DET
+call	NOUN
+of	ADP
+duty	NOUN
+and	CCONJ
+gave	VERB
+me	PRON
+back	ADV
+a	DET
+car	NOUN
+I	PRON
+can	AUX
+drive	VERB
+anywhere	ADV
+and	CCONJ
+finally	ADV
+enjoy	VERB
+owning	VERB
+.	PUNCT
+
+I	PRON
+can	AUX
+not	PART
+say	VERB
+enough	ADJ
+about	ADP
+this	DET
+place	NOUN
+.	PUNCT
+
+They	PRON
+have	AUX
+restored	VERB
+my	PRON
+faith	NOUN
+in	ADP
+Mechanics	NOUN
+.	PUNCT
+
+Do	VERB
+yourself	PRON
+a	DET
+favor	NOUN
+,	PUNCT
+call	VERB
+these	DET
+guys	NOUN
+first	ADV
+and	CCONJ
+enjoy	VERB
+driving	VERB
+your	PRON
+car	NOUN
+again	ADV
+..	PUNCT
+
+a	DET
+great	ADJ
+vacation	NOUN
+!	PUNCT
+
+We	PRON
+wanted	VERB
+to	PART
+see	VERB
+the	DET
+sun	NOUN
+-	PUNCT
+and	CCONJ
+we	PRON
+also	ADV
+got	VERB
+much	ADV
+more	ADJ
+!	PUNCT
+
+Excellent	ADJ
+chefs	NOUN
+are	AUX
+in	ADP
+the	DET
+kitchen	NOUN
+preparing	VERB
+memorable	ADJ
+breakfasts	NOUN
+.	PUNCT
+
+After	ADP
+a	DET
+train	NOUN
+ride	NOUN
+over	ADP
+the	DET
+mountains	NOUN
+,	PUNCT
+we	PRON
+enjoyed	VERB
+hiking	VERB
+in	ADP
+the	DET
+flower	NOUN
+-	PUNCT
+filled	VERB
+Wenatchee	PROPN
+hills	NOUN
+(	PUNCT
+in	ADP
+May	PROPN
+)	PUNCT
+and	CCONJ
+a	DET
+very	ADV
+interesting	ADJ
+bike	NOUN
+ride	NOUN
+in	ADP
+a	DET
+loop	NOUN
+around	ADP
+the	DET
+Columbia	PROPN
+River	PROPN
+...	PUNCT
+and	CCONJ
+then	ADV
+wine	NOUN
+if	SCONJ
+we	PRON
+wanted	VERB
+it	PRON
+on	ADP
+the	DET
+patio	NOUN
+in	ADP
+the	DET
+evening	NOUN
+....	PUNCT
+
+This	PRON
+is	AUX
+a	DET
+busy	ADJ
+group	NOUN
+of	ADP
+hosts	NOUN
+they	PRON
+are	AUX
+also	ADV
+running	VERB
+a	DET
+restaurant	NOUN
+,	PUNCT
+which	PRON
+also	ADV
+must	AUX
+be	AUX
+wonderful	ADJ
+-	PUNCT
+so	ADV
+just	ADV
+ask	VERB
+for	SCONJ
+what	PRON
+you	PRON
+need	VERB
+,	PUNCT
+and	CCONJ
+I	PRON
+'m	AUX
+sure	ADJ
+they	PRON
+will	AUX
+do	VERB
+their	PRON
+best	ADJ
+to	PART
+be	AUX
+hospitable	ADJ
+.	PUNCT
+
+OMG	INTJ
+
+OMG	INTJ
+..	PUNCT
+make	VERB
+sure	ADJ
+to	PART
+book	VERB
+a	DET
+reservation	NOUN
+,	PUNCT
+as	SCONJ
+this	DET
+magical	ADJ
+place	NOUN
+is	AUX
+packed	ADJ
+(	PUNCT
+in	ADP
+a	DET
+nice	ADJ
+way	NOUN
+)	PUNCT
+I	PRON
+love	VERB
+that	SCONJ
+the	DET
+owner	NOUN
+walks	VERB
+around	ADV
+and	CCONJ
+cares	VERB
+how	ADV
+his	PRON
+customers	NOUN
+feel	VERB
+about	ADP
+their	PRON
+food	NOUN
+.	PUNCT
+
+The	DET
+waiters	NOUN
+are	AUX
+like	ADP
+no	DET
+other	ADJ
+...	PUNCT
+
+My	PRON
+waiter	NOUN
+was	AUX
+so	ADV
+excellent	ADJ
+I	PRON
+gave	VERB
+him	PRON
+a	DET
+75	NUM
+%	SYM
+tip	NOUN
+,	PUNCT
+and	CCONJ
+it	PRON
+was	AUX
+worht	ADJ
+every	DET
+penny	NOUN
+..	PUNCT
+
+The	DET
+food	NOUN
+was	AUX
+finger	NOUN
+licking	VERB
+the	DET
+bowel	NOUN
+fantastic	ADJ
+..	PUNCT
+
+I	PRON
+just	ADV
+discovered	VERB
+her	PRON
+has	VERB
+a	DET
+place	NOUN
+right	ADV
+near	ADP
+my	PRON
+work	NOUN
+(	PUNCT
+Color	VERB
+me	PRON
+Phat	ADJ
+)	PUNCT
+If	SCONJ
+you	PRON
+are	AUX
+looking	VERB
+for	ADP
+a	DET
+romatic	ADJ
+place	NOUN
+with	ADP
+the	DET
+best	ADJ
+food	NOUN
+and	CCONJ
+service	NOUN
+in	ADP
+the	DET
+valley	NOUN
+Giovanni	PROPN
+Ristorante	PROPN
+should	AUX
+be	AUX
+your	PRON
+number	NOUN
+1	NUM
++	SYM
+2	NUM
+choice	NOUN
+.	PUNCT
+
+Holly	PROPN
+is	AUX
+truely	ADV
+the	DET
+best	ADJ
+hairstylist	NOUN
+!	PUNCT
+
+I	PRON
+have	AUX
+lived	VERB
+in	ADP
+the	DET
+UTC	PROPN
+La	PROPN
+Jolla	PROPN
+area	NOUN
+for	ADP
+many	ADJ
+years	NOUN
+,	PUNCT
+and	CCONJ
+I	PRON
+never	ADV
+new	VERB
+this	DET
+salon	NOUN
+was	AUX
+here	ADV
+until	SCONJ
+a	DET
+friend	NOUN
+reffered	VERB
+me	PRON
+to	PART
+see	VERB
+Holly	PROPN
+here	ADV
+.	PUNCT
+
+I	PRON
+was	AUX
+very	ADV
+pleased	ADJ
+with	ADP
+my	PRON
+experience	NOUN
+here	ADV
+.	PUNCT
+
+All	DET
+of	ADP
+the	DET
+people	NOUN
+were	AUX
+friendly	ADJ
+and	CCONJ
+welcoming	ADJ
+.	PUNCT
+
+I	PRON
+got	VERB
+highlights	NOUN
+,	PUNCT
+haircut	NOUN
+,	PUNCT
+and	CCONJ
+a	DET
+blowdry	NOUN
+.	PUNCT
+
+She	PRON
+did	VERB
+a	DET
+great	ADJ
+job	NOUN
+!	PUNCT
+
+Holly	ADV
+is	AUX
+very	ADV
+experienced	ADJ
+and	CCONJ
+talented	ADJ
+,	PUNCT
+and	CCONJ
+I	PRON
+could	AUX
+tell	VERB
+she	PRON
+new	VERB
+what	PRON
+she	PRON
+was	AUX
+doing	VERB
+right	ADV
+off	ADP
+the	DET
+bat	NOUN
+.	PUNCT
+
+My	PRON
+hair	NOUN
+looks	VERB
+amazing	ADJ
+,	PUNCT
+and	CCONJ
+I	PRON
+get	VERB
+compliments	NOUN
+all	DET
+the	DET
+time	NOUN
+.	PUNCT
+
+I	PRON
+deffenitly	ADV
+reccomend	VERB
+this	DET
+salon	NOUN
+and	CCONJ
+Holly	PROPN
+to	ADP
+anyone	PRON
+.	PUNCT
+
+You	PRON
+will	AUX
+not	PART
+be	AUX
+disappointed	VERB
+!!!!!!	PUNCT
+
+Outdated	ADJ
+but	CCONJ
+not	ADV
+bad	ADJ
+
+So	ADV
+I	PRON
+really	ADV
+felt	VERB
+like	SCONJ
+this	DET
+place	NOUN
+was	AUX
+extremely	ADV
+outdated	ADJ
+especially	ADV
+since	SCONJ
+the	DET
+pictures	NOUN
+make	VERB
+it	PRON
+look	VERB
+nice	ADJ
+and	CCONJ
+modern	ADJ
+.	PUNCT
+
+It	PRON
+had	AUX
+listed	VERB
+that	SCONJ
+there	PRON
+was	VERB
+a	DET
+hot	ADJ
+breakfast	NOUN
+but	CCONJ
+all	DET
+this	PRON
+meant	VERB
+is	VERB
+that	SCONJ
+they	PRON
+added	VERB
+a	DET
+waffle	NOUN
+maker	NOUN
+to	ADP
+the	DET
+common	ADJ
+continental	ADJ
+affair	NOUN
+at	ADP
+most	ADJ
+cheap	ADJ
+hotels	NOUN
+.	PUNCT
+
+The	DET
+family	NOUN
+suite	NOUN
+was	AUX
+basically	ADV
+two	NUM
+rooms	NOUN
+with	ADP
+a	DET
+small	ADJ
+opening	NOUN
+between	ADP
+them	PRON
+which	PRON
+worked	VERB
+great	ADV
+for	ADP
+us	PRON
+because	SCONJ
+we	PRON
+were	AUX
+two	NUM
+families	NOUN
+traveling	VERB
+together	ADV
+.	PUNCT
+
+If	SCONJ
+you	PRON
+are	AUX
+in	ADP
+town	NOUN
+and	CCONJ
+need	VERB
+that	DET
+kind	NOUN
+of	ADP
+space	NOUN
+I	PRON
+say	VERB
+stay	VERB
+here	ADV
+but	CCONJ
+if	SCONJ
+you	PRON
+are	AUX
+looking	VERB
+for	ADP
+a	DET
+little	ADJ
+more	ADV
+upscale	ADJ
+affair	NOUN
+do	AUX
+n't	PART
+let	VERB
+the	DET
+pictures	NOUN
+fool	VERB
+you	PRON
+and	CCONJ
+book	VERB
+somewhere	ADV
+else	ADV
+.	PUNCT
+
+Great	ADJ
+,	PUNCT
+and	CCONJ
+probably	ADV
+the	DET
+only	ADJ
+West	ADJ
+Indian	ADJ
+spot	NOUN
+worth	ADJ
+hitting	VERB
+up	ADP
+in	ADP
+Nashville	PROPN
+.	PUNCT
+
+I	PRON
+was	AUX
+born	VERB
+and	CCONJ
+raised	VERB
+in	ADP
+Toronto	PROPN
+,	PUNCT
+which	PRON
+has	VERB
+a	DET
+huge	ADJ
+West	ADJ
+Indian	ADJ
+(	PUNCT
+Trinidadian	ADJ
+,	PUNCT
+Jamaican	ADJ
+,	PUNCT
+etc	X
+)	PUNCT
+population	NOUN
+.	PUNCT
+
+So	ADV
+huge	ADJ
+in	ADP
+fact	NOUN
+,	PUNCT
+that	SCONJ
+Toronto	PROPN
+slang	NOUN
+is	AUX
+influenced	VERB
+by	ADP
+and	CCONJ
+has	VERB
+Jamaican	ADJ
+references	NOUN
+,	PUNCT
+and	CCONJ
+Jamaican	ADJ
+beef	NOUN
+patties	NOUN
+are	AUX
+staples	NOUN
+in	ADP
+my	PRON
+high	ADJ
+school	NOUN
+cafeteria	NOUN
+.	PUNCT
+
+Anyway	INTJ
+,	PUNCT
+I	PRON
+was	AUX
+practically	ADV
+raised	VERB
+on	ADP
+this	DET
+stuff	NOUN
+,	PUNCT
+and	CCONJ
+being	AUX
+a	DET
+connoisseur	NOUN
+of	ADP
+West	ADJ
+Indian	ADJ
+cuisine	NOUN
+,	PUNCT
+Jamaica	PROPN
+Way	PROPN
+is	AUX
+a	DET
+bit	NOUN
+toned	VERB
+down	ADP
+to	PART
+suit	VERB
+the	DET
+American	ADJ
+palette	NOUN
+.	PUNCT
+
+All	DET
+you	PRON
+have	VERB
+to	PART
+do	VERB
+to	PART
+make	VERB
+it	PRON
+authentic	ADJ
+Jamaican	ADJ
+food	NOUN
+,	PUNCT
+is	AUX
+add	VERB
+a	DET
+whole	ADJ
+lot	NOUN
+of	ADP
+pepper	NOUN
+.	PUNCT
+
+A	DET
+lot	NOUN
+.	PUNCT
+
+The	DET
+finest	ADJ
+Christmas	PROPN
+Trees	NOUN
+i	PRON
+'ve	AUX
+ever	ADV
+seen	VERB
+.	PUNCT
+
+I	PRON
+felt	VERB
+like	SCONJ
+I	PRON
+was	AUX
+in	ADP
+heaven	NOUN
+when	ADV
+I	PRON
+walked	VERB
+through	ADP
+the	DET
+majestic	ADJ
+fields	NOUN
+of	ADP
+this	DET
+particular	ADJ
+farm	NOUN
+.	PUNCT
+
+The	DET
+trees	NOUN
+were	AUX
+in	ADP
+magnificent	ADJ
+shape	NOUN
+and	CCONJ
+the	DET
+variety	NOUN
+was	AUX
+astounding	ADJ
+.	PUNCT
+
+The	DET
+owners	NOUN
+were	AUX
+entertaining	ADJ
+and	CCONJ
+gracious	ADJ
+.	PUNCT
+
+I	PRON
+especially	ADV
+liked	VERB
+the	DET
+Eco	X
+friendly	ADJ
+atmosphere	NOUN
+and	CCONJ
+the	DET
+owner	NOUN
+s	PART
+love	NOUN
+of	ADP
+all	DET
+animals	NOUN
+.	PUNCT
+
+This	PRON
+is	AUX
+one	NUM
+of	ADP
+the	DET
+best	ADJ
+farms	NOUN
+I	PRON
+have	AUX
+ever	ADV
+been	VERB
+too	ADP
+.	PUNCT
+
+I	PRON
+would	AUX
+call	VERB
+it	PRON
+the	DET
+Taj	PROPN
+Mahal	PROPN
+of	ADP
+the	DET
+east	ADJ
+coast	NOUN
+!	PUNCT
+
+It	PRON
+put	VERB
+hair	NOUN
+on	ADP
+my	PRON
+chest	NOUN
+and	CCONJ
+thanks	NOUN
+to	ADP
+the	DET
+owner	NOUN
+s	PART
+advice	NOUN
+I	PRON
+invested	VERB
+vanguard	PROPN
+,	PUNCT
+got	VERB
+myself	PRON
+a	DET
+woman	NOUN
+like	ADP
+Jerry	PROPN
+,	PUNCT
+and	CCONJ
+became	VERB
+a	DET
+republican	PROPN
+.	PUNCT
+
+Thanks	NOUN
+Tussey	PROPN
+Mountain	PROPN
+Tree	PROPN
+Plantation	PROPN
+!	PUNCT
+
+Pho	NOUN
+-	PUNCT
+nomenal	ADJ
+!!	PUNCT
+
+I	PRON
+have	AUX
+been	AUX
+eating	VERB
+Pho	NOUN
+for	ADP
+almost	ADV
+my	PRON
+entire	ADJ
+life	NOUN
+and	CCONJ
+I	PRON
+'ve	AUX
+always	ADV
+gone	VERB
+to	ADP
+the	DET
+Pho	NOUN
+places	NOUN
+in	ADP
+south	PROPN
+philly	PROPN
+and	CCONJ
+off	ADP
+the	DET
+boulevard	NOUN
+and	CCONJ
+even	ADV
+the	DET
+other	ADJ
+one	NOUN
+in	ADP
+chinatown	PROPN
+,	PUNCT
+but	CCONJ
+when	ADV
+i	PRON
+tried	VERB
+this	DET
+pho	NOUN
+place	NOUN
+,	PUNCT
+it	PRON
+blew	VERB
+the	DET
+other	ADJ
+pho	NOUN
+houses	NOUN
+away	ADV
+!!	PUNCT
+
+all	DET
+of	ADP
+the	DET
+pho	NOUN
+places	NOUN
+taste	VERB
+the	DET
+same	ADJ
+to	ADP
+me	PRON
+,	PUNCT
+so	ADV
+what	PRON
+seperates	VERB
+one	NUM
+from	ADP
+the	DET
+other	ADJ
+is	AUX
+the	DET
+service	NOUN
+and	CCONJ
+the	DET
+price	NOUN
+.	PUNCT
+
+The	DET
+service	NOUN
+here	ADV
+is	AUX
+incredible	ADJ
+compared	VERB
+to	ADP
+the	DET
+other	ADJ
+places	NOUN
+.	PUNCT
+
+the	DET
+only	ADJ
+down	X
+fall	NOUN
+of	ADP
+this	DET
+pho	NOUN
+house	NOUN
+is	AUX
+the	DET
+difficulty	NOUN
+in	SCONJ
+finding	VERB
+parking	NOUN
+in	ADP
+chinatown	PROPN
+.	PUNCT
+
+remember	VERB
+to	PART
+bring	VERB
+cash	NOUN
+since	SCONJ
+they	PRON
+do	AUX
+n't	PART
+take	VERB
+debit	NOUN
+or	CCONJ
+credit	NOUN
+.	PUNCT
+
+hope	VERB
+this	PRON
+helps	VERB
+!!	PUNCT
+
+Had	VERB
+a	DET
+horrible	ADJ
+experience	NOUN
+with	ADP
+a	DET
+manager	NOUN
+here	ADV
+,	PUNCT
+Rachel	PROPN
+McInnis	PROPN
+,	PUNCT
+she	PRON
+was	AUX
+rude	ADJ
+,	PUNCT
+inconsiderate	ADJ
+and	CCONJ
+did	AUX
+not	PART
+do	VERB
+the	DET
+right	ADJ
+thing	NOUN
+for	ADP
+an	DET
+item	NOUN
+that	PRON
+was	AUX
+marked	VERB
+incorrectly	ADV
+...	PUNCT
+
+I	PRON
+'m	AUX
+not	PART
+interested	ADJ
+in	SCONJ
+shopping	VERB
+in	ADP
+a	DET
+place	NOUN
+with	ADP
+people	NOUN
+like	ADP
+her	PRON
+...	PUNCT
+she	PRON
+refused	VERB
+to	PART
+sell	VERB
+me	PRON
+the	DET
+item	NOUN
+at	ADP
+its	PRON
+marked	VERB
+price	NOUN
+even	ADV
+after	SCONJ
+admitting	VERB
+they	PRON
+had	AUX
+made	VERB
+a	DET
+mistake	NOUN
+.	PUNCT
+
+I	PRON
+normally	ADV
+do	AUX
+n't	PART
+write	VERB
+reviews	NOUN
+but	CCONJ
+seeing	VERB
+that	SCONJ
+I	PRON
+considered	VERB
+Dillards	PROPN
+a	DET
+distinguished	ADJ
+,	PUNCT
+upscale	ADJ
+place	NOUN
+to	PART
+shop	VERB
+,	PUNCT
+this	DET
+one	NUM
+wo	AUX
+n't	PART
+be	AUX
+getting	VERB
+my	PRON
+business	NOUN
+,	PUNCT
+nor	CCONJ
+my	PRON
+family	NOUN
+'s	PART
+,	PUNCT
+nor	CCONJ
+my	PRON
+co-workers	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+never	ADV
+ok	ADJ
+to	PART
+let	VERB
+a	DET
+customer	NOUN
+walk	VERB
+out	ADV
+unhappy	ADJ
+,	PUNCT
+especially	ADV
+when	ADV
+they	PRON
+are	AUX
+right	ADJ
+.	PUNCT
+
+Highly	ADV
+Recommend	VERB
+
+I	PRON
+work	VERB
+as	ADP
+a	DET
+Transformational	ADJ
+Life	NOUN
+Coach	NOUN
+.	PUNCT
+
+Since	SCONJ
+this	PRON
+is	AUX
+an	DET
+alternative	ADJ
+therapy	NOUN
+I	PRON
+always	ADV
+refer	VERB
+clients	NOUN
+to	ADP
+a	DET
+lisenced	ADJ
+therapist	NOUN
+when	ADV
+I	PRON
+feel	VERB
+that	PRON
+is	AUX
+appropriate	ADJ
+.	PUNCT
+
+I	PRON
+found	VERB
+her	PRON
+through	ADP
+a	DET
+colleague	NOUN
+one	NUM
+day	NOUN
+when	ADV
+one	NUM
+of	ADP
+my	PRON
+clients	NOUN
+was	AUX
+in	ADP
+the	DET
+midst	NOUN
+of	ADP
+a	DET
+panic	NOUN
+attack	NOUN
+and	CCONJ
+needed	VERB
+professional	ADJ
+help	NOUN
+that	PRON
+I	PRON
+am	AUX
+not	PART
+qualified	ADJ
+to	PART
+provide	VERB
+.	PUNCT
+
+Little	ADV
+did	AUX
+I	PRON
+know	VERB
+that	SCONJ
+I	PRON
+would	AUX
+soon	ADV
+be	AUX
+needing	VERB
+her	PRON
+help	NOUN
+as	ADV
+well	ADV
+!	PUNCT
+
+She	PRON
+guided	VERB
+me	PRON
+through	ADP
+a	DET
+very	ADV
+difficult	ADJ
+period	NOUN
+dealing	VERB
+with	ADP
+a	DET
+family	NOUN
+member	NOUN
+'s	PART
+suicide	NOUN
+,	PUNCT
+coupled	VERB
+with	ADP
+elder	NOUN
+abuse	NOUN
+.	PUNCT
+
+I	PRON
+found	VERB
+her	PRON
+to	PART
+be	AUX
+extremely	ADV
+solid	ADJ
+,	PUNCT
+kind	ADJ
+,	PUNCT
+compassionate	ADJ
+,	PUNCT
+and	CCONJ
+intuitive	ADJ
+as	ADV
+well	ADV
+.	PUNCT
+
+I	PRON
+would	AUX
+recommend	VERB
+her	PRON
+highly	ADV
+!	PUNCT
+
+They	PRON
+wo	AUX
+n't	PART
+have	VERB
+a	DET
+second	ADJ
+chance	NOUN
+from	ADP
+me	PRON
+.	PUNCT
+
+First	ADV
+,	PUNCT
+let	VERB
+me	PRON
+state	VERB
+that	SCONJ
+although	SCONJ
+I	PRON
+live	VERB
+in	ADP
+NYC	PROPN
+,	PUNCT
+I	PRON
+am	AUX
+not	PART
+from	ADP
+NYC	PROPN
+,	PUNCT
+I	PRON
+do	AUX
+n't	PART
+care	VERB
+about	ADP
+baseball	NOUN
+and	CCONJ
+I	PRON
+absolutely	ADV
+love	VERB
+Boston	PROPN
+to	ADP
+death	NOUN
+(	PUNCT
+so	ADV
+beautiful	ADJ
+,	PUNCT
+so	ADV
+clean	ADJ
+,	PUNCT
+so	ADV
+awesome	ADJ
+)	PUNCT
+.	PUNCT
+
+That	PRON
+said	VERB
+,	PUNCT
+I	PRON
+hated	VERB
+this	DET
+restaurant	NOUN
+.	PUNCT
+
+The	DET
+service	NOUN
+was	AUX
+just	ADV
+about	ADV
+as	ADV
+good	ADJ
+as	SCONJ
+I	PRON
+'d	AUX
+get	VERB
+in	ADP
+NYC	PROPN
+(	PUNCT
+that	PRON
+means	VERB
+it	PRON
+was	AUX
+poor	ADJ
+)	PUNCT
+and	CCONJ
+the	DET
+food	NOUN
+was	AUX
+almost	ADV
+mediocre	ADJ
+.	PUNCT
+
+The	DET
+decor	NOUN
+left	VERB
+a	DET
+lot	NOUN
+to	PART
+be	AUX
+desired	VERB
+and	CCONJ
+the	DET
+posters	NOUN
+telling	VERB
+me	PRON
+all	DET
+the	DET
+reasons	NOUN
+99	PROPN
+was	AUX
+great	ADJ
+just	ADV
+served	VERB
+as	ADP
+an	DET
+ironic	ADJ
+contrast	NOUN
+against	ADP
+the	DET
+reality	NOUN
+.	PUNCT
+
+Personally	ADV
+I	PRON
+recommend	VERB
+you	PRON
+take	VERB
+your	PRON
+money	NOUN
+elsewhere	ADV
+
+When	ADV
+I	PRON
+arrived	VERB
+at	ADP
+Brickell	PROPN
+Honda	PROPN
+on	ADP
+6/4/11	NUM
+,	PUNCT
+I	PRON
+was	AUX
+greeted	VERB
+and	CCONJ
+attended	VERB
+to	ADP
+by	ADP
+the	DET
+Sales	NOUN
+Manager	NOUN
+,	PUNCT
+Gustavo	PROPN
+Guerra	PROPN
+,	PUNCT
+in	ADP
+a	DET
+very	ADV
+friendly	ADJ
+and	CCONJ
+professional	ADJ
+manner	NOUN
+.	PUNCT
+
+I	PRON
+explained	VERB
+to	ADP
+him	PRON
+what	PRON
+I	PRON
+wanted	VERB
+and	CCONJ
+that	SCONJ
+I	PRON
+previously	ADV
+went	VERB
+to	ADP
+Braman	PROPN
+Honda	PROPN
+.	PUNCT
+
+Bramen	PROPN
+Honda	PROPN
+was	AUX
+a	DET
+bit	NOUN
+of	ADP
+a	DET
+hassle	NOUN
+.	PUNCT
+
+He	PRON
+told	VERB
+me	PRON
+"	PUNCT
+no	DET
+problem	NOUN
+,	PUNCT
+we	PRON
+will	AUX
+match	VERB
+the	DET
+offer	NOUN
+or	CCONJ
+do	VERB
+better	ADV
+.	PUNCT
+"	PUNCT
+
+Mr.	PROPN
+Guerra	PROPN
+gave	VERB
+me	PRON
+a	DET
+better	ADJ
+deal	NOUN
+without	ADP
+any	DET
+hassles	NOUN
+nor	CCONJ
+any	DET
+type	NOUN
+of	ADP
+problems	NOUN
+.	PUNCT
+
+Brickell	PROPN
+Honda	PROPN
+has	AUX
+been	AUX
+the	DET
+best	ADJ
+buying	NOUN
+experience	NOUN
+in	ADP
+the	DET
+world	NOUN
+.	PUNCT
+
+I	PRON
+urge	VERB
+all	DET
+St.	PROPN
+Thomas	PROPN
+the	DET
+Apostle	PROPN
+parishioners	NOUN
+and	CCONJ
+all	DET
+of	ADP
+South	ADJ
+Florida	PROPN
+residents	NOUN
+to	PART
+come	VERB
+see	VERB
+Gus	PROPN
+!!!	PUNCT
+
+Excellent	ADJ
+customer	NOUN
+service	NOUN
+!!!	PUNCT
+
+Great	ADJ
+,	PUNCT
+Honest	ADJ
+Service	NOUN
+
+I	PRON
+took	VERB
+my	PRON
+2001	NUM
+Nissan	PROPN
+Frontier	PROPN
+in	ADV
+to	PART
+fix	VERB
+a	DET
+cracked	VERB
+manifold	NOUN
+.	PUNCT
+
+The	DET
+dealer	NOUN
+wanted	VERB
+$	SYM
+1300	NUM
+to	PART
+fix	VERB
+that	PRON
+and	CCONJ
+another	DET
+$	SYM
+1500	NUM
+to	PART
+fix	VERB
+some	DET
+other	ADJ
+things	NOUN
+.	PUNCT
+
+Eagle	PROPN
+Transmission	PROPN
+determined	VERB
+that	SCONJ
+much	ADJ
+of	ADP
+the	DET
+work	NOUN
+the	DET
+dealer	NOUN
+said	VERB
+needed	VERB
+to	PART
+be	AUX
+done	VERB
+was	AUX
+unneccesary	ADJ
+and	CCONJ
+what	PRON
+needed	VERB
+to	PART
+be	AUX
+fixed	VERB
+was	AUX
+only	ADV
+$	SYM
+400	NUM
+!!	PUNCT
+
+I	PRON
+was	AUX
+so	ADV
+impressed	ADJ
+with	ADP
+the	DET
+honesty	NOUN
+and	CCONJ
+integrity	NOUN
+of	ADP
+Mike	PROPN
+and	CCONJ
+everyone	PRON
+at	ADP
+Eagle	PROPN
+Transmission	PROPN
+!	PUNCT
+
+I	PRON
+dropped	VERB
+the	DET
+truck	NOUN
+off	ADP
+in	ADP
+the	DET
+morning	NOUN
+and	CCONJ
+it	PRON
+was	AUX
+ready	ADJ
+that	DET
+afternoon	NOUN
+.	PUNCT
+
+I	PRON
+have	AUX
+finally	ADV
+found	VERB
+a	DET
+mechanic	ADJ
+I	PRON
+trust	VERB
+!!	PUNCT
+
+And	CCONJ
+it	PRON
+was	AUX
+great	ADJ
+that	SCONJ
+they	PRON
+did	AUX
+not	PART
+charge	VERB
+a	DET
+service	NOUN
+fee	NOUN
+to	PART
+diagnose	VERB
+the	DET
+problem	NOUN
+-	PUNCT
+an	DET
+added	VERB
+bonus	NOUN
+!!	PUNCT
+
+Dr.	PROPN
+Shady	PROPN
+
+Kelly	PROPN
+hit	VERB
+the	DET
+nail	NOUN
+on	ADP
+the	DET
+head	NOUN
+.	PUNCT
+
+"	PUNCT
+Dr.	PROPN
+Shady	PROPN
+"	PUNCT
+is	AUX
+a	DET
+jerk	NOUN
+.	PUNCT
+
+After	ADP
+the	DET
+way	NOUN
+she	PRON
+spoke	VERB
+to	ADP
+me	PRON
+on	ADP
+my	PRON
+last	ADJ
+visit	NOUN
+,	PUNCT
+I	PRON
+will	AUX
+not	PART
+be	AUX
+returning	VERB
+!!	PUNCT
+
+Good	ADJ
+luck	NOUN
+keeping	VERB
+business	NOUN
+with	ADP
+that	DET
+stuck	VERB
+up	ADP
+attitude	NOUN
+Dr.	PROPN
+Shady	PROPN
+.	PUNCT
+
+You	PRON
+have	AUX
+just	ADV
+lost	VERB
+mine	PRON
+.	PUNCT
+
+The	DET
+next	ADJ
+time	NOUN
+you	PRON
+feel	VERB
+like	SCONJ
+being	AUX
+condescending	ADJ
+to	ADP
+someone	PRON
+,	PUNCT
+it	PRON
+is	AUX
+not	PART
+going	VERB
+to	PART
+be	AUX
+me	PRON
+!!!!!!	PUNCT
+
+Dr.	PROPN
+Shady	PROPN
+is	AUX
+inexperienced	ADJ
+and	CCONJ
+prideful	ADJ
+.	PUNCT
+
+She	PRON
+probably	ADV
+does	AUX
+not	PART
+even	ADV
+have	VERB
+10	NUM
+%	SYM
+of	ADP
+the	DET
+knowledge	NOUN
+that	PRON
+some	DET
+of	ADP
+the	DET
+other	ADJ
+EXPERIENCED	ADJ
+vets	NOUN
+do	VERB
+in	ADP
+this	DET
+area	NOUN
+.	PUNCT
+
+I	PRON
+will	AUX
+be	AUX
+carefully	ADV
+researching	VERB
+vets	NOUN
+before	SCONJ
+I	PRON
+take	VERB
+my	PRON
+dog	NOUN
+someplace	NOUN
+else	ADJ
+.	PUNCT
+
+Beautifully	ADV
+written	VERB
+reviews	NOUN
+Doctor	PROPN
+,	PUNCT
+but	CCONJ
+completely	ADV
+UNTRUE	ADJ
+.	PUNCT
+
+Poor	ADJ
+Experience	NOUN
+
+I	PRON
+did	AUX
+not	PART
+have	VERB
+a	DET
+good	ADJ
+experience	NOUN
+w	ADP
+/	PUNCT
+Dr.	PROPN
+Ghassemlou	PROPN
+.	PUNCT
+
+During	ADP
+the	DET
+session	NOUN
+,	PUNCT
+he	PRON
+demanded	VERB
+to	PART
+have	VERB
+my	PRON
+physical	ADJ
+address	NOUN
+,	PUNCT
+which	PRON
+I	PRON
+'ve	AUX
+always	ADV
+kept	VERB
+private	ADJ
+as	SCONJ
+I	PRON
+am	AUX
+enrolled	VERB
+in	ADP
+a	DET
+witness	NOUN
+protection	NOUN
+program	NOUN
+.	PUNCT
+
+I	PRON
+believe	VERB
+he	PRON
+is	AUX
+correct	ADJ
+in	SCONJ
+that	DET
+he	PRON
+needs	VERB
+my	PRON
+physical	ADJ
+address	NOUN
+for	ADP
+legal	ADJ
+reasons	NOUN
+,	PUNCT
+however	ADV
+,	PUNCT
+he	PRON
+did	AUX
+not	PART
+adequately	ADV
+explain	VERB
+this	PRON
+during	ADP
+our	PRON
+session	NOUN
+.	PUNCT
+
+I	PRON
+learned	VERB
+more	ADJ
+about	ADP
+this	PRON
+doing	VERB
+my	PRON
+own	ADJ
+research	NOUN
+afterward	ADV
+.	PUNCT
+
+I	PRON
+think	VERB
+he	PRON
+could	AUX
+'ve	AUX
+done	VERB
+more	ADJ
+to	PART
+assuage	VERB
+my	PRON
+concerns	NOUN
+by	SCONJ
+giving	VERB
+me	PRON
+concrete	ADJ
+facts	NOUN
+.	PUNCT
+
+Saying	VERB
+that	SCONJ
+I	PRON
+need	VERB
+to	PART
+give	VERB
+him	PRON
+my	PRON
+address	NOUN
+or	CCONJ
+else	ADV
+I	PRON
+have	VERB
+intimacy	NOUN
+issues	NOUN
+is	AUX
+not	PART
+helpful	ADJ
+.	PUNCT
+
+It	PRON
+'s	AUX
+pretty	ADV
+combative	ADJ
+actually	ADV
+.	PUNCT
+
+you	PRON
+'ll	AUX
+love	VERB
+it	PRON
+
+I	PRON
+have	AUX
+had	VERB
+my	PRON
+back	NOUN
+fused	VERB
+in	ADP
+2	NUM
+places	NOUN
+.	PUNCT
+
+I	PRON
+wish	VERB
+that	SCONJ
+I	PRON
+had	AUX
+n't	PART
+done	VERB
+this	PRON
+.	PUNCT
+
+With	ADP
+these	DET
+fusions	NOUN
+,	PUNCT
+chiropractric	NOUN
+is	AUX
+n't	PART
+as	ADV
+successful	ADJ
+,	PUNCT
+but	CCONJ
+it	PRON
+still	ADV
+is	AUX
+very	ADV
+helpful	ADJ
+.	PUNCT
+
+Even	ADV
+after	ADP
+my	PRON
+fusions	NOUN
+,	PUNCT
+my	PRON
+back	NOUN
+continued	VERB
+to	PART
+hurt	VERB
+,	PUNCT
+but	CCONJ
+now	ADV
+it	PRON
+does	AUX
+n't	PART
+hurt	VERB
+any	ADV
+more	ADV
+.	PUNCT
+
+I	PRON
+would	AUX
+encourage	VERB
+anyone	PRON
+who	PRON
+is	AUX
+thinking	VERB
+of	ADP
+back	NOUN
+surgery	NOUN
+,	PUNCT
+to	PART
+talk	VERB
+about	ADP
+different	ADJ
+treatment	NOUN
+options	NOUN
+first	ADV
+with	ADP
+Dr.	PROPN
+de	PROPN
+Barros	PROPN
+.	PUNCT
+
+He	PRON
+really	ADV
+knows	VERB
+what	PRON
+he	PRON
+is	AUX
+talking	VERB
+about	ADP
+and	CCONJ
+will	AUX
+approach	VERB
+the	DET
+different	ADJ
+options	NOUN
+fairly	ADV
+.	PUNCT
+
+You	PRON
+can	AUX
+see	VERB
+different	ADJ
+treatments	NOUN
+that	PRON
+a	DET
+surgeon	NOUN
+ca	AUX
+n't	PART
+see	VERB
+,	PUNCT
+so	SCONJ
+that	SCONJ
+you	PRON
+can	AUX
+have	VERB
+several	ADJ
+treatment	NOUN
+options	NOUN
+before	SCONJ
+you	PRON
+decide	VERB
+what	PRON
+to	PART
+do	VERB
+.	PUNCT
+
+Unbelievably	ADV
+huge	ADJ
+experience	NOUN
+for	ADP
+such	DET
+a	DET
+small	ADJ
+salon	NOUN
+!!!	PUNCT
+
+I	PRON
+have	AUX
+been	AUX
+to	ADP
+Kim	PROPN
+at	ADP
+Cheveux	PROPN
+for	ADP
+more	ADJ
+than	ADP
+five	NUM
+years	NOUN
+.	PUNCT
+
+I	PRON
+can	AUX
+not	PART
+tell	VERB
+you	PRON
+how	ADV
+often	ADV
+I	PRON
+am	AUX
+complimented	VERB
+on	ADP
+my	PRON
+hair	NOUN
+(	PUNCT
+style	NOUN
+AND	CCONJ
+color	NOUN
+)	PUNCT
+!	PUNCT
+
+I	PRON
+regularly	ADV
+request	VERB
+Kim	PROPN
+'s	PART
+business	NOUN
+cards	NOUN
+as	SCONJ
+I	PRON
+am	AUX
+often	ADV
+stopped	VERB
+on	ADP
+the	DET
+street	NOUN
+and	CCONJ
+asked	VERB
+"	PUNCT
+Who	PRON
+does	VERB
+your	PRON
+hair	NOUN
+...	PUNCT
+I	PRON
+LOVE	VERB
+it	PRON
+!!!	PUNCT
+"	PUNCT
+
+Quaint	ADJ
+,	PUNCT
+lovely	ADJ
+,	PUNCT
+small	ADJ
+salon	NOUN
+with	ADP
+BIG	ADJ
+personality	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+made	VERB
+to	PART
+feel	VERB
+special	ADJ
+when	ADV
+I	PRON
+am	AUX
+in	ADP
+the	DET
+chair	NOUN
+and	CCONJ
+I	PRON
+have	AUX
+NEVER	ADV
+had	VERB
+a	DET
+less	ADJ
+than	ADP
+amazing	ADJ
+cut	NOUN
+or	CCONJ
+color	NOUN
+experience	NOUN
+.	PUNCT
+
+My	PRON
+hair	NOUN
+has	AUX
+never	ADV
+felt	VERB
+this	DET
+healthy	ADJ
+,	PUNCT
+either	ADV
+.	PUNCT
+
+I	PRON
+can	AUX
+not	PART
+recommend	VERB
+this	DET
+salon	NOUN
+enough	ADV
+!!!	PUNCT
+
+Thanks	NOUN
+Cheveux	PROPN
+!	PUNCT
+
+My	PRON
+Favorite	NOUN
+in	ADP
+McLean	PROPN
+
+My	PRON
+family	NOUN
+loves	VERB
+coming	VERB
+to	ADP
+Endo	PROPN
+Sushi	PROPN
+.	PUNCT
+They	PRON
+are	AUX
+very	ADV
+nice	ADJ
+,	PUNCT
+it	PRON
+is	AUX
+never	ADV
+crowded	ADJ
+,	PUNCT
+and	CCONJ
+the	DET
+food	NOUN
+is	AUX
+wonderful	ADJ
+,	PUNCT
+very	ADV
+delicious	ADJ
+and	CCONJ
+fresh	ADJ
+!	PUNCT
+
+Sometimes	ADV
+it	PRON
+is	AUX
+hard	ADJ
+to	PART
+get	VERB
+parking	NOUN
+in	ADP
+the	DET
+lot	NOUN
+in	ADP
+front	NOUN
+of	ADP
+the	DET
+storefront	NOUN
+,	PUNCT
+and	CCONJ
+it	PRON
+is	AUX
+on	ADP
+a	DET
+one	NUM
+-	PUNCT
+way	NOUN
+street	NOUN
+,	PUNCT
+but	CCONJ
+the	DET
+restaurant	NOUN
+itself	PRON
+is	AUX
+NEVER	ADV
+overcrowded	ADJ
+.	PUNCT
+
+If	SCONJ
+you	PRON
+can	AUX
+not	PART
+park	VERB
+in	ADP
+the	DET
+lot	NOUN
+,	PUNCT
+then	ADV
+you	PRON
+can	AUX
+park	VERB
+in	ADP
+the	DET
+shopping	NOUN
+center	NOUN
+'s	PART
+garage	NOUN
+,	PUNCT
+and	CCONJ
+walk	VERB
+up	ADP
+to	ADP
+Endo	PROPN
+Sushi	PROPN
+.	PUNCT
+
+The	DET
+service	NOUN
+is	AUX
+fast	ADJ
+.	PUNCT
+
+Be	AUX
+sure	ADJ
+to	PART
+ring	VERB
+the	DET
+little	ADJ
+bell	NOUN
+on	ADP
+your	PRON
+way	NOUN
+out	ADV
+if	SCONJ
+you	PRON
+enjoyed	VERB
+your	PRON
+meal	NOUN
+!	PUNCT
+
+(	PUNCT
+it	PRON
+'s	AUX
+by	ADP
+the	DET
+door	NOUN
+,	PUNCT
+on	ADP
+the	DET
+hostess	NOUN
+stand	NOUN
+)	PUNCT
+
+Horrible	ADJ
+Service	NOUN
+!	PUNCT
+
+I	PRON
+got	AUX
+yelled	VERB
+at	ADP
+,	PUNCT
+literally	ADV
+yelled	VERB
+at	ADP
+because	SCONJ
+i	PRON
+asked	VERB
+if	SCONJ
+i	PRON
+could	AUX
+pick	VERB
+up	ADP
+my	PRON
+car	NOUN
+5	NUM
+-	SYM
+10	NUM
+minutes	NOUN
+late	ADV
+.	PUNCT
+
+I	PRON
+explained	VERB
+that	SCONJ
+i	PRON
+was	AUX
+already	ADV
+on	ADP
+my	PRON
+way	NOUN
+and	CCONJ
+i	PRON
+would	AUX
+rush	VERB
+to	PART
+get	VERB
+there	ADV
+as	ADV
+soon	ADV
+as	SCONJ
+i	PRON
+could	AUX
+because	SCONJ
+i	PRON
+needed	VERB
+my	PRON
+car	NOUN
+for	ADP
+work	NOUN
+at	ADP
+5	NUM
+am	NOUN
+,	PUNCT
+but	CCONJ
+the	DET
+guy	NOUN
+was	AUX
+arguing	VERB
+with	ADP
+me	PRON
+saying	VERB
+he	PRON
+was	AUX
+gon	VERB
+na	PART
+lock	VERB
+the	DET
+doors	NOUN
+right	ADV
+at	ADP
+5:30	NUM
+.	PUNCT
+
+Rude	ADJ
+,	PUNCT
+unprofessional	ADJ
+,	PUNCT
+just	ADV
+jerks	NOUN
+.	PUNCT
+
+Seems	VERB
+like	SCONJ
+all	DET
+they	PRON
+care	VERB
+about	ADP
+is	AUX
+the	DET
+money	NOUN
+and	CCONJ
+getting	VERB
+home	NOUN
+on	ADP
+time	NOUN
+,	PUNCT
+NO	DET
+care	NOUN
+for	ADP
+the	DET
+customers	NOUN
+AT	ADV
+ALL	ADV
+!!!	PUNCT
+
+Missed	VERB
+a	DET
+whole	ADJ
+day	NOUN
+of	ADP
+work	NOUN
+because	SCONJ
+i	PRON
+am	AUX
+now	ADV
+carless	ADJ
+.	PUNCT
+
+I	PRON
+will	AUX
+NEEEEEEEEEVERRRR	ADV
+go	VERB
+to	ADP
+this	DET
+place	NOUN
+again	ADV
+.	PUNCT
+
+Superb	ADJ
+Arrangements	NOUN
+
+I	PRON
+used	VERB
+Fancy	PROPN
+Flowers	PROPN
+for	ADP
+my	PRON
+late	ADJ
+husband	NOUN
+'s	PART
+funeral	NOUN
+flowers	NOUN
+as	SCONJ
+they	PRON
+had	AUX
+been	AUX
+recommended	VERB
+to	ADP
+me	PRON
+.	PUNCT
+
+I	PRON
+am	AUX
+so	ADV
+glad	ADJ
+that	SCONJ
+I	PRON
+called	VERB
+in	ADP
+to	PART
+see	VERB
+Ana	PROPN
+,	PUNCT
+she	PRON
+is	AUX
+a	DET
+lovely	ADJ
+girl	NOUN
+who	PRON
+showed	VERB
+nothing	PRON
+but	ADP
+care	NOUN
+and	CCONJ
+compassion	NOUN
+towards	ADP
+me	PRON
+.	PUNCT
+
+The	DET
+flowers	NOUN
+were	AUX
+all	DET
+that	PRON
+I	PRON
+hoped	VERB
+they	PRON
+would	AUX
+be	VERB
+,	PUNCT
+I	PRON
+have	AUX
+attended	VERB
+several	ADJ
+funerals	NOUN
+of	ADP
+late	ADV
+unfortunately	ADV
+and	CCONJ
+the	DET
+flowers	NOUN
+I	PRON
+recieved	VERB
+from	ADP
+Ana	PROPN
+outshone	VERB
+them	PRON
+all	DET
+.	PUNCT
+
+She	PRON
+is	AUX
+so	ADV
+talented	ADJ
+,	PUNCT
+the	DET
+flowers	NOUN
+were	AUX
+arranged	VERB
+superbly	ADV
+and	CCONJ
+delicately	ADV
+,	PUNCT
+it	PRON
+is	AUX
+so	ADV
+obvious	ADJ
+to	PART
+see	VERB
+the	DET
+difference	NOUN
+between	ADP
+someone	PRON
+fully	ADV
+trained	ADJ
+and	CCONJ
+skilled	ADJ
+compared	VERB
+to	ADP
+others	NOUN
+.	PUNCT
+
+Thank	VERB
+you	PRON
+Ana	PROPN
+I	PRON
+hope	VERB
+to	PART
+see	VERB
+you	PRON
+in	ADP
+the	DET
+future	NOUN
+under	ADP
+better	ADJ
+circumstances	NOUN
+.	PUNCT
+
+Great	ADJ
+first	ADJ
+experience	NOUN
+.	PUNCT
+
+I	PRON
+'m	AUX
+22	NUM
+,	PUNCT
+and	CCONJ
+my	PRON
+hairdresser	NOUN
+was	AUX
+great	ADJ
+(	PUNCT
+and	CCONJ
+not	ADV
+"	PUNCT
+old	ADJ
+"	PUNCT
+like	SCONJ
+one	NUM
+of	ADP
+the	DET
+reviews	NOUN
+says	VERB
+)	PUNCT
+-	PUNCT
+she	PRON
+really	ADV
+listened	VERB
+to	SCONJ
+what	PRON
+I	PRON
+wanted	VERB
+and	CCONJ
+gave	VERB
+me	PRON
+tons	NOUN
+of	ADP
+tips	NOUN
+on	SCONJ
+how	ADV
+to	PART
+style	VERB
+my	PRON
+hair	NOUN
+so	SCONJ
+I	PRON
+could	AUX
+get	VERB
+it	PRON
+to	PART
+look	VERB
+the	DET
+way	NOUN
+I	PRON
+wanted	VERB
+it	PRON
+to	PART
+.	PUNCT
+
+She	PRON
+deep	ADV
+conditioned	VERB
+my	PRON
+hair	NOUN
+and	CCONJ
+took	VERB
+the	DET
+time	NOUN
+to	PART
+style	VERB
+it	PRON
+properly	ADV
+.	PUNCT
+
+She	PRON
+recommended	VERB
+products	NOUN
+but	CCONJ
+absolutely	ADV
+did	AUX
+n't	PART
+pressure	VERB
+me	PRON
+to	PART
+buy	VERB
+.	PUNCT
+
+It	PRON
+'s	AUX
+a	DET
+cute	ADJ
+place	NOUN
+with	ADP
+a	DET
+really	ADV
+friendly	ADJ
+,	PUNCT
+laid	ADJ
+-	PUNCT
+back	ADJ
+atmosphere	NOUN
+.	PUNCT
+
+I	PRON
+would	AUX
+highly	ADV
+recommend	VERB
+it	PRON
+and	CCONJ
+will	AUX
+be	AUX
+going	VERB
+back	ADV
+for	ADP
+my	PRON
+next	ADJ
+haircut	NOUN
+.	PUNCT
+
+Oh	INTJ
+!	PUNCT
+
+And	CCONJ
+students	NOUN
+get	VERB
+$	SYM
+5	NUM
+off	ADV
+,	PUNCT
+ca	AUX
+n't	PART
+argue	VERB
+with	ADP
+that	PRON
+.	PUNCT
+
+Smoker	NOUN
+s	PART
+Haven	NOUN
+
+Yeah	INTJ
+,	PUNCT
+this	DET
+complex	NOUN
+is	AUX
+not	PART
+very	ADV
+good	ADJ
+.	PUNCT
+
+Our	PRON
+bathroom	NOUN
+fan	NOUN
+,	PUNCT
+one	NUM
+electric	ADJ
+outlet	NOUN
+and	CCONJ
+2	NUM
+leaky	ADJ
+sinks	NOUN
+have	VERB
+yet	ADV
+to	PART
+be	AUX
+fixed	VERB
+.	PUNCT
+
+Both	DET
+bathrooms	NOUN
+look	VERB
+like	SCONJ
+they	PRON
+were	AUX
+flooded	VERB
+and	CCONJ
+the	DET
+wood	NOUN
+cabinets	NOUN
+are	AUX
+thrashed	VERB
+at	ADP
+the	DET
+bottom	NOUN
+and	CCONJ
+they	PRON
+slapped	VERB
+some	DET
+pieces	NOUN
+of	ADP
+wood	NOUN
+over	ADV
+to	PART
+try	VERB
+to	PART
+cover	VERB
+it	PRON
+up	ADP
+.	PUNCT
+
+And	CCONJ
+non-smokers	NOUN
+beware	VERB
+!!!	PUNCT
+
+I	PRON
+think	VERB
+90	NUM
+percent	NOUN
+of	ADP
+the	DET
+tenants	NOUN
+are	AUX
+smokers	NOUN
+!	PUNCT
+
+If	SCONJ
+you	PRON
+do	AUX
+not	PART
+smoke	VERB
+,	PUNCT
+do	AUX
+not	PART
+move	VERB
+here	ADV
+.	PUNCT
+
+Our	PRON
+unit	NOUN
+reeks	VERB
+of	ADP
+old	ADJ
+cigarette	NOUN
+smoke	NOUN
+and	CCONJ
+it	PRON
+started	VERB
+to	PART
+become	VERB
+apparent	ADJ
+a	DET
+few	ADJ
+weeks	NOUN
+after	SCONJ
+we	PRON
+moved	VERB
+in	ADV
+.	PUNCT
+
+You	PRON
+can	AUX
+not	PART
+walk	VERB
+5	NUM
+feet	NOUN
+without	SCONJ
+smelling	VERB
+that	DET
+disgusting	ADJ
+cigarette	NOUN
+smoke	NOUN
+and	CCONJ
+it	PRON
+blows	VERB
+right	ADV
+into	ADP
+the	DET
+windows	NOUN
+all	DET
+day	NOUN
+and	CCONJ
+all	DET
+night	NOUN
+.	PUNCT
+
+Great	ADJ
+Sanwiches	NOUN
+,	PUNCT
+Great	ADJ
+Prices	NOUN
+
+I	PRON
+used	VERB
+to	PART
+go	VERB
+here	ADV
+almost	ADV
+every	DET
+day	NOUN
+since	SCONJ
+I	PRON
+work	VERB
+in	ADP
+the	DET
+neighbourhood	NOUN
+and	CCONJ
+loved	VERB
+their	PRON
+turkey	NOUN
+and	CCONJ
+meatball	NOUN
+sandwiches	NOUN
+.	PUNCT
+
+Chicken	PROPN
+salad	NOUN
+salad	NOUN
+is	AUX
+great	ADJ
+too	ADV
+.	PUNCT
+
+Best	ADV
+of	ADP
+all	DET
+,	PUNCT
+the	DET
+staff	NOUN
+is	AUX
+quick	ADJ
+on	ADP
+their	PRON
+feet	NOUN
+and	CCONJ
+even	ADV
+with	ADP
+long	ADJ
+lines	NOUN
+,	PUNCT
+usually	ADV
+serve	VERB
+you	PRON
+in	ADP
+5	NUM
+minutes	NOUN
+or	CCONJ
+less	ADJ
+.	PUNCT
+
+For	ADP
+the	DET
+quality	NOUN
+,	PUNCT
+the	DET
+prices	NOUN
+(	PUNCT
+$	SYM
+4	NUM
+-	SYM
+$	SYM
+6	NUM
+)	PUNCT
+have	VERB
+to	PART
+be	AUX
+the	DET
+best	ADJ
+in	ADP
+town	NOUN
+.	PUNCT
+
+The	DET
+staff	NOUN
+get	VERB
+to	PART
+know	VERB
+regulars	NOUN
+and	CCONJ
+do	VERB
+their	PRON
+job	NOUN
+very	ADV
+well	ADV
+.	PUNCT
+
+Tourists	NOUN
+like	ADP
+the	DET
+other	ADJ
+reviewer	NOUN
+might	AUX
+not	PART
+appreciate	VERB
+their	PRON
+efficiency	NOUN
+or	CCONJ
+quality	NOUN
+,	PUNCT
+but	CCONJ
+I	PRON
+certainly	ADV
+do	AUX
+.	PUNCT
+
+This	PRON
+is	AUX
+n't	PART
+a	DET
+TGIF	PROPN
+or	CCONJ
+Cafe	PROPN
+,	PUNCT
+it	PRON
+s	AUX
+a	DET
+lunch	NOUN
+sandwich	NOUN
+place	NOUN
+and	CCONJ
+a	DET
+good	ADJ
+one	NUM
+at	ADP
+that	PRON
+.	PUNCT
+
+Rate	VERB
+a	DET
+church	NOUN
+?	PUNCT
+
+Might	AUX
+as	ADV
+well	ADV
+just	ADV
+hotpot	VERB
+the	DET
+curb	NOUN
+and	CCONJ
+rate	VERB
+the	DET
+traffic	NOUN
+light	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+a	DET
+bloody	ADJ
+church	NOUN
+,	PUNCT
+for	ADP
+chrisssake	NOUN
+!	PUNCT
+
+Big	ADJ
+,	PUNCT
+grey	ADJ
+and	CCONJ
+imposing	ADJ
+.	PUNCT
+
+Go	VERB
+there	ADV
+on	ADP
+christian	ADJ
+holidays	NOUN
+for	ADP
+a	DET
+bit	NOUN
+of	ADP
+churchy	ADJ
+grandure	NOUN
+.	PUNCT
+
+The	DET
+pastor	NOUN
+at	ADP
+this	DET
+church	NOUN
+is	AUX
+cool	ADJ
+,	PUNCT
+I	PRON
+met	VERB
+him	PRON
+after	ADP
+some	DET
+holiday	NOUN
+service	NOUN
+.	PUNCT
+
+He	PRON
+had	VERB
+a	DET
+robe	NOUN
+that	PRON
+was	AUX
+made	VERB
+back	ADV
+in	ADP
+the	DET
+'60s	NOUN
+.	PUNCT
+
+God	PROPN
+was	AUX
+pleased	ADJ
+with	ADP
+that	DET
+one	NOUN
+!	PUNCT
+
+It	PRON
+'s	AUX
+historical	ADJ
+for	ADP
+Sf	PROPN
+,	PUNCT
+so	ADV
+when	ADV
+your	PRON
+aunte	NOUN
+comes	VERB
+for	ADP
+a	DET
+visit	NOUN
+,	PUNCT
+take	VERB
+her	PRON
+there	ADV
+.	PUNCT
+
+Great	ADJ
+for	ADP
+the	DET
+kiddies	NOUN
+-	PUNCT
+they	PRON
+love	VERB
+the	DET
+labyrinth	NOUN
+(	PUNCT
+do	AUX
+n't	PART
+forget	VERB
+to	PART
+tell	VERB
+'em	PRON
+it	PRON
+s	AUX
+really	ADV
+a	DET
+'	PUNCT
+pagen	ADJ
+'	PUNCT
+thing	NOUN
+!	PUNCT
+)	PUNCT
+.	PUNCT
+
+Stop	VERB
+by	ADV
+at	ADV
+least	ADV
+once	ADV
+or	CCONJ
+you	PRON
+'ll	AUX
+go	VERB
+to	ADP
+heck	NOUN
+!	PUNCT
+
+ok	ADJ
+but	CCONJ
+just	ADV
+becuse	SCONJ
+we	PRON
+where	VERB
+on	ADP
+a	DET
+tight	ADJ
+budget	NOUN
+.	PUNCT
+
+me	PRON
+and	CCONJ
+my	PRON
+dad	NOUN
+where	VERB
+in	ADP
+NJ	PROPN
+for	ADP
+a	DET
+kc	PROPN
+chiefs	PROPN
+(	PUNCT
+my	PRON
+home	NOUN
+team	NOUN
+)	PUNCT
+vs	ADP
+the	DET
+NY	PROPN
+jets	PROPN
+and	CCONJ
+for	ADP
+game	NOUN
+4	NUM
+of	ADP
+the	DET
+world	NOUN
+series	NOUN
+.	PUNCT
+
+i	PRON
+'m	AUX
+a	DET
+red	PROPN
+sox	PROPN
+fan	NOUN
+so	ADV
+i	PRON
+was	AUX
+glad	ADJ
+that	SCONJ
+the	DET
+phillies	PROPN
+won	VERB
+.	PUNCT
+
+the	DET
+knights	PROPN
+inn	PROPN
+was	AUX
+small	ADJ
+very	ADV
+small	ADJ
+.	PUNCT
+i	PRON
+mean	VERB
+1	NUM
+room	NOUN
+in	ADP
+every	DET
+room	NOUN
+!	PUNCT
+it	PRON
+was	AUX
+cozy	ADJ
+a	DET
+little	ADJ
+and	CCONJ
+a	DET
+small	ADJ
+tv	NOUN
+.	PUNCT
+
+i	PRON
+mean	VERB
+a	DET
+2	NUM
+day	NOUN
+stay	NOUN
+was	AUX
+a	DET
+ok	ADJ
+stay	NOUN
+even	ADV
+tho	SCONJ
+the	DET
+manager	NOUN
+looked	VERB
+like	SCONJ
+he	PRON
+was	AUX
+chineze	ADJ
+and	CCONJ
+that	SCONJ
+we	PRON
+only	ADV
+slept	VERB
+and	CCONJ
+went	VERB
+out	ADV
+from	ADP
+8	NUM
+to	ADP
+7	NUM
+to	PART
+see	VERB
+New	PROPN
+York	PROPN
+.	PUNCT
+
+but	CCONJ
+sice	SCONJ
+we	PRON
+almost	ADV
+just	ADV
+slept	VERB
+there	ADV
+i	PRON
+ca	AUX
+nt	PART
+give	VERB
+that	ADV
+good	ADJ
+of	ADP
+a	DET
+review	NOUN
+
+It	PRON
+was	AUX
+a	DET
+Saturday	PROPN
+and	CCONJ
+my	PRON
+spring	NOUN
+was	AUX
+broken	ADJ
+...	PUNCT
+
+I	PRON
+googled	VERB
+Garage	NOUN
+Door	NOUN
+Repair	NOUN
+in	ADP
+Woodinville	PROPN
+and	CCONJ
+found	VERB
+NDI	PROPN
+-	PUNCT
+Johnette	PROPN
+answered	VERB
+the	DET
+phone	NOUN
+and	CCONJ
+was	AUX
+oh	ADV
+-	PUNCT
+so	ADV
+pleasant	ADJ
+and	CCONJ
+helpful	ADJ
+!	PUNCT
+
+She	PRON
+sort	ADV
+of	ADV
+appologized	VERB
+for	SCONJ
+Dan	PROPN
+taking	VERB
+the	DET
+day	NOUN
+off	ADP
+to	PART
+go	VERB
+skiing	VERB
+-	PUNCT
+but	CCONJ
+he	PRON
+could	AUX
+do	VERB
+the	DET
+repair	NOUN
+on	ADP
+Sunday	PROPN
+!	PUNCT
+
+I	PRON
+said	VERB
+great	ADJ
+and	CCONJ
+Dan	PROPN
+arrived	VERB
+on	ADP
+time	NOUN
+at	ADP
+10	NUM
+am	NOUN
+to	PART
+make	VERB
+the	DET
+repair	NOUN
+.	PUNCT
+
+I	PRON
+enjoyed	VERB
+speaking	VERB
+with	ADP
+Dan	PROPN
+,	PUNCT
+and	CCONJ
+learning	VERB
+more	ADJ
+about	SCONJ
+how	ADV
+the	DET
+springs	NOUN
+are	AUX
+sized	VERB
+for	ADP
+these	DET
+doors	NOUN
+.	PUNCT
+
+The	DET
+repair	NOUN
+went	VERB
+quickly	ADV
+and	CCONJ
+the	DET
+price	NOUN
+was	AUX
+extremely	ADV
+fair	ADJ
+.	PUNCT
+
+I	PRON
+would	AUX
+highly	ADV
+recommend	VERB
+NDI	PROPN
+-	PUNCT
+and	CCONJ
+will	AUX
+spread	VERB
+the	DET
+word	NOUN
+to	ADP
+my	PRON
+neighbors	NOUN
+.	PUNCT
+
+Thanks	NOUN
+Dan	PROPN
+and	CCONJ
+Johnette	PROPN
+for	ADP
+your	PRON
+responsiveness	NOUN
+and	CCONJ
+professional	ADJ
+service	NOUN
+.	PUNCT
+
+Roger	PROPN
+M.	PROPN
+,	PUNCT
+Woodinville	PROPN
+
+I	PRON
+would	AUX
+n't	PART
+send	VERB
+my	PRON
+dogs	NOUN
+there	ADV
+.	PUNCT
+
+I	PRON
+had	VERB
+a	DET
+conversation	NOUN
+with	ADP
+the	DET
+woman	NOUN
+running	VERB
+this	DET
+place	NOUN
+in	ADP
+April	PROPN
+2010	NUM
+.	PUNCT
+
+She	PRON
+basically	ADV
+said	VERB
+if	SCONJ
+the	DET
+children	NOUN
+getting	VERB
+off	ADP
+the	DET
+bus	NOUN
+are	AUX
+n't	PART
+paying	VERB
+to	PART
+enter	VERB
+her	PRON
+building	NOUN
+she	PRON
+was	AUX
+going	VERB
+to	PART
+let	VERB
+them	PRON
+wander	VERB
+around	ADP
+the	DET
+streets	NOUN
+.	PUNCT
+
+Wow	INTJ
+,	PUNCT
+really	ADV
+?	PUNCT
+
+With	ADP
+all	DET
+the	DET
+child	NOUN
+predators	NOUN
+out	ADV
+there	ADV
+,	PUNCT
+a	DET
+busy	ADJ
+road	NOUN
+,	PUNCT
+cars	NOUN
+speeding	VERB
+by	ADV
+......	PUNCT
+and	CCONJ
+you	PRON
+are	AUX
+going	VERB
+to	PART
+let	VERB
+some	DET
+4	NUM
+/	PUNCT
+5	NUM
+year	NOUN
+olds	NOUN
+wonder	VERB
+around	ADV
+cause	SCONJ
+you	PRON
+'re	AUX
+money	NOUN
+hungry	ADJ
+?	PUNCT
+
+REAL	ADV
+CHRISTIAN	ADJ
+OF	ADP
+YOU	PRON
+!!!!!!!!!!!!!!!!!!	PUNCT
+
+Whether	SCONJ
+they	PRON
+pay	VERB
+me	PRON
+or	CCONJ
+not	PART
+,	PUNCT
+if	SCONJ
+their	PRON
+parents	NOUN
+get	VERB
+into	ADP
+an	DET
+accident	NOUN
+,	PUNCT
+stuck	ADJ
+in	ADP
+traffic	NOUN
+,	PUNCT
+etc.	X
+THE	DET
+LAST	ADJ
+THING	NOUN
+I	PRON
+WOULD	AUX
+DO	VERB
+IS	AUX
+LET	VERB
+A	DET
+CHILD	NOUN
+GET	AUX
+RAPED	VERB
+BECAUSE	SCONJ
+I	PRON
+WAS	AUX
+N'T	PART
+PAID	VERB
+.	PUNCT
+
+Excellent	ADJ
+service	NOUN
+
+I	PRON
+could	AUX
+easily	ADV
+go	VERB
+to	ADP
+Nordstrom	PROPN
+for	ADP
+my	PRON
+designer	NOUN
+jeans	NOUN
+and	CCONJ
+pay	VERB
+the	DET
+same	ADJ
+price	NOUN
+,	PUNCT
+but	CCONJ
+I	PRON
+go	VERB
+to	ADP
+the	DET
+Garment	PROPN
+District	PROPN
+for	ADP
+their	PRON
+service	NOUN
+.	PUNCT
+
+Previous	ADJ
+reviewers	NOUN
+said	VERB
+they	PRON
+were	AUX
+pushy	ADJ
+and	CCONJ
+I	PRON
+can	AUX
+understand	VERB
+that	PRON
+,	PUNCT
+but	CCONJ
+I	PRON
+find	VERB
+the	DET
+staff	NOUN
+more	ADV
+helpful	ADJ
+than	ADP
+anything	PRON
+else	ADJ
+.	PUNCT
+
+Tiffany	PROPN
+is	AUX
+fabulous	ADJ
+!	PUNCT
+
+I	PRON
+came	VERB
+in	ADV
+for	ADP
+alterations	NOUN
+(	PUNCT
+free	ADJ
+,	PUNCT
+by	ADP
+the	DET
+way	NOUN
+)	PUNCT
+and	CCONJ
+told	VERB
+her	PRON
+about	ADP
+a	DET
+stain	NOUN
+I	PRON
+had	VERB
+on	ADP
+my	PRON
+new	ADJ
+leather	NOUN
+purse	NOUN
+.	PUNCT
+
+She	PRON
+immediately	ADV
+went	VERB
+to	ADP
+the	DET
+back	NOUN
+,	PUNCT
+brought	VERB
+out	ADV
+leather	NOUN
+cleaner	NOUN
+and	CCONJ
+cleaned	VERB
+my	PRON
+purse	NOUN
+on	ADP
+the	DET
+spot	NOUN
+.	PUNCT
+
+I	PRON
+did	AUX
+n't	PART
+even	ADV
+buy	VERB
+the	DET
+bag	NOUN
+there	ADV
+!	PUNCT
+
+Huge	ADJ
+selection	NOUN
+and	CCONJ
+,	PUNCT
+great	ADJ
+suggestions	NOUN
+from	ADP
+the	DET
+staff	NOUN
+and	CCONJ
+they	PRON
+refer	VERB
+you	PRON
+to	ADP
+reliable	ADJ
+places	NOUN
+if	SCONJ
+they	PRON
+do	AUX
+n't	PART
+have	VERB
+what	PRON
+you	PRON
+need	VERB
+.	PUNCT
+
+We	PRON
+were	AUX
+expecting	VERB
+a	DET
+great	ADJ
+experience	NOUN
+,	PUNCT
+when	ADV
+we	PRON
+recieved	VERB
+a	DET
+friendly	ADJ
+greeting	NOUN
+by	ADP
+the	DET
+hosts	NOUN
+.	PUNCT
+
+The	DET
+atmosphere	NOUN
+was	AUX
+nice	ADJ
+and	CCONJ
+very	ADV
+clean	ADJ
+.	PUNCT
+
+The	DET
+menu	NOUN
+had	VERB
+plenty	NOUN
+of	ADP
+options	NOUN
+even	ADV
+for	ADP
+picky	ADJ
+eaters	NOUN
+.	PUNCT
+
+The	DET
+service	NOUN
+was	AUX
+ok	ADJ
+,	PUNCT
+our	PRON
+waitress	NOUN
+kept	VERB
+forgetting	VERB
+our	PRON
+drinks	NOUN
+even	ADV
+though	SCONJ
+we	PRON
+reminded	VERB
+her	PRON
+several	ADJ
+times	NOUN
+.	PUNCT
+
+To	PART
+start	VERB
+we	PRON
+tried	VERB
+the	DET
+guacamole	NOUN
+and	CCONJ
+salsa	NOUN
+verde	NOUN
+,	PUNCT
+it	PRON
+was	AUX
+completly	ADV
+flavorless	ADJ
+.	PUNCT
+
+We	PRON
+should	AUX
+have	AUX
+left	VERB
+then	ADV
+.	PUNCT
+
+We	PRON
+orderd	VERB
+our	PRON
+meals	NOUN
+anyway	ADV
+,	PUNCT
+chimichangas	NOUN
+,	PUNCT
+jalapeno	NOUN
+borritos	NOUN
+,	PUNCT
+and	CCONJ
+quesadillas	NOUN
+.	PUNCT
+
+Everything	PRON
+was	AUX
+bland	ADJ
+,	PUNCT
+completely	ADV
+void	ADJ
+of	ADP
+any	DET
+spice	NOUN
+or	CCONJ
+flavor	NOUN
+.	PUNCT
+
+We	PRON
+have	AUX
+never	ADV
+had	VERB
+mexican	ADJ
+food	NOUN
+this	ADV
+bad	ADJ
+,	PUNCT
+it	PRON
+was	AUX
+just	ADV
+simply	ADV
+gross	ADJ
+.	PUNCT
+
+Hopefully	ADV
+they	PRON
+spice	VERB
+things	NOUN
+up	ADP
+or	CCONJ
+they	PRON
+wo	AUX
+nt	PART
+be	AUX
+in	ADP
+business	NOUN
+long	ADV
+.	PUNCT
+
+I	PRON
+recommend	VERB
+La	PROPN
+Hacienda	PROPN
+
+Might	AUX
+try	VERB
+again	ADV
+
+Pros	NOUN
+:	PUNCT
+*	PUNCT
+Jill	PROPN
+,	PUNCT
+the	DET
+owner	NOUN
+,	PUNCT
+is	AUX
+very	ADV
+nice	ADJ
+and	CCONJ
+really	ADV
+cares	VERB
+about	ADP
+her	PRON
+feedback	NOUN
+*	PUNCT
+Pretty	ADV
+nice	ADJ
+atmosphere	NOUN
+*	PUNCT
+Great	ADJ
+Dessert	NOUN
+*	PUNCT
+Not	ADV
+your	PRON
+typical	ADJ
+veggie	NOUN
+selection	NOUN
+,	PUNCT
+I	PRON
+like	VERB
+!	PUNCT
+
+Do	AUX
+n't	PART
+know	VERB
+where	ADV
+else	ADV
+you	PRON
+can	AUX
+find	VERB
+Purple	ADJ
+Hull	NOUN
+Peas	NOUN
+and	CCONJ
+some	DET
+of	ADP
+the	DET
+other	ADJ
+sides	NOUN
+.	PUNCT
+
+Cons	NOUN
+:	PUNCT
+*	PUNCT
+Server	NOUN
+was	AUX
+n't	PART
+very	ADV
+pleasant	ADJ
+*	PUNCT
+Pretty	ADV
+small	ADJ
+portion	NOUN
+on	ADP
+the	DET
+blackened	VERB
+catfish	NOUN
+*	PUNCT
+Overcooked	VERB
+food	NOUN
+*	PUNCT
+Time	NOUN
+,	PUNCT
+took	VERB
+about	ADV
+25	NUM
+minutes	NOUN
+from	ADP
+ordering	NOUN
+to	ADP
+eating	NOUN
+.	PUNCT
+
+Half	DET
+the	DET
+tables	NOUN
+and	CCONJ
+bar	NOUN
+were	AUX
+empty	ADJ
+by	ADP
+this	DET
+point	NOUN
+.	PUNCT
+
+Other	ADJ
+Thoughts	NOUN
+:	PUNCT
+Will	AUX
+try	VERB
+this	DET
+place	NOUN
+again	ADV
+.	PUNCT
+
+There	PRON
+must	AUX
+be	VERB
+a	DET
+reason	NOUN
+so	ADV
+many	ADJ
+people	NOUN
+like	VERB
+it	PRON
+there	ADV
+.	PUNCT
+
+Their	PRON
+Club	NOUN
+sandwich	NOUN
+looks	VERB
+tasty	ADJ
+,	PUNCT
+maybe	ADV
+that	PRON
+'ll	AUX
+change	VERB
+my	PRON
+mind	NOUN
+....	PUNCT
+and	CCONJ
+a	DET
+different	ADJ
+server	NOUN
+.	PUNCT
+
+very	ADV
+professional	ADJ
+/	PUNCT
+very	ADV
+helpful	ADJ
+
+the	DET
+people	NOUN
+at	ADP
+Fidelity	PROPN
+Leasing	PROPN
+were	AUX
+very	ADV
+friendly	ADJ
+and	CCONJ
+helpful	ADJ
+.	PUNCT
+
+i	PRON
+was	AUX
+looking	VERB
+for	ADP
+a	DET
+car	NOUN
+but	CCONJ
+did	AUX
+not	PART
+really	ADV
+know	VERB
+what	PRON
+i	PRON
+wanted	VERB
+and	CCONJ
+they	PRON
+were	AUX
+very	ADV
+helpful	ADJ
+and	CCONJ
+took	VERB
+the	DET
+time	NOUN
+to	PART
+first	ADV
+figure	VERB
+out	ADP
+what	PRON
+my	PRON
+needs	NOUN
+were	AUX
+and	CCONJ
+showing	VERB
+me	PRON
+various	ADJ
+options	NOUN
+to	PART
+meet	VERB
+those	DET
+needs	NOUN
+.	PUNCT
+
+they	PRON
+seemed	VERB
+more	ADV
+interested	ADJ
+in	SCONJ
+helping	VERB
+me	PRON
+find	VERB
+the	DET
+right	ADJ
+car	NOUN
+rather	ADV
+then	ADP
+just	ADV
+make	VERB
+a	DET
+sale	NOUN
+.	PUNCT
+
+my	PRON
+experience	NOUN
+with	ADP
+them	PRON
+was	AUX
+great	ADJ
+-	PUNCT
+low	ADJ
+stress	NOUN
+,	PUNCT
+very	ADV
+helpful	ADJ
+and	CCONJ
+very	ADV
+personal	ADJ
+.	PUNCT
+
+after	SCONJ
+finding	VERB
+the	DET
+car	NOUN
+i	PRON
+wanted	VERB
+they	PRON
+took	VERB
+the	DET
+time	NOUN
+to	PART
+go	VERB
+over	ADP
+each	DET
+step	NOUN
+and	CCONJ
+making	VERB
+it	PRON
+as	ADV
+painless	ADJ
+as	SCONJ
+possible	ADJ
+.	PUNCT
+
+from	ADP
+start	NOUN
+to	ADP
+finish	NOUN
+they	PRON
+were	AUX
+top	ADJ
+notch	NOUN
+.	PUNCT
+
+i	PRON
+would	AUX
+highly	ADV
+recommend	VERB
+calling	VERB
+these	DET
+people	NOUN
+up	ADP
+for	ADP
+your	PRON
+next	ADJ
+car	NOUN
+.	PUNCT
+
+This	DET
+insurance	NOUN
+co.	NOUN
+Is	AUX
+a	DET
+joke	NOUN
+!!!	PUNCT
+
+They	PRON
+have	VERB
+absolutely	ADV
+no	DET
+communication	NOUN
+skills	NOUN
+whatsoever	ADV
+.	PUNCT
+
+if	SCONJ
+you	PRON
+do	AUX
+n't	PART
+mind	VERB
+being	AUX
+robbed	VERB
+,	PUNCT
+cheated	VERB
+or	CCONJ
+lied	VERB
+to	ADP
+then	ADV
+this	PRON
+is	AUX
+the	DET
+company	NOUN
+for	ADP
+you	PRON
+.	PUNCT
+
+They	PRON
+will	AUX
+make	VERB
+every	DET
+attempt	NOUN
+to	PART
+misinform	VERB
+and	CCONJ
+misrepresent	VERB
+themselves	PRON
+.	PUNCT
+
+They	PRON
+make	VERB
+up	ADP
+excuses	NOUN
+in	ADP
+hopes	NOUN
+to	PART
+confuse	VERB
+their	PRON
+policy	NOUN
+holders	NOUN
+with	ADP
+misinformation	NOUN
+.	PUNCT
+
+as	ADP
+an	DET
+example	NOUN
+they	PRON
+took	VERB
+payment	NOUN
+for	ADP
+5	NUM
+out	ADP
+of	ADP
+6	NUM
+monthly	ADJ
+plan	NOUN
+premiums	NOUN
+for	ADP
+a	DET
+yearly	ADJ
+policy	NOUN
+and	CCONJ
+cancelled	VERB
+the	DET
+contract	NOUN
+for	ADP
+the	DET
+remainder	NOUN
+of	ADP
+the	DET
+policy	NOUN
+for	ADP
+reasons	NOUN
+they	PRON
+stated	VERB
+was	AUX
+not	PART
+receiving	VERB
+information	NOUN
+on	ADP
+other	ADJ
+licensed	VERB
+drivers	NOUN
+in	ADP
+the	DET
+household	NOUN
+?	PUNCT
+
+I	PRON
+personally	ADV
+provided	VERB
+the	DET
+request	NOUN
+on	ADP
+four	NUM
+separate	ADJ
+occasions	NOUN
+and	CCONJ
+they	PRON
+claim	VERB
+there	PRON
+is	VERB
+a	DET
+glitch	NOUN
+in	ADP
+their	PRON
+systems	NOUN
+?	PUNCT
+
+Ifa	PROPN
+is	AUX
+an	DET
+acronym	NOUN
+for	SCONJ
+I	PRON
+m	AUX
+a	DET
+F%#king	ADJ
+Assh@%$e	NOUN
+!!!	PUNCT
+
+Fantastic	ADJ
+Service	NOUN
+!	PUNCT
+
+I	PRON
+have	AUX
+been	AUX
+here	ADV
+a	DET
+few	ADJ
+times	NOUN
+for	ADP
+oil	NOUN
+changes	NOUN
+and	CCONJ
+just	ADV
+got	VERB
+my	PRON
+tires	NOUN
+,	PUNCT
+alignment	NOUN
+and	CCONJ
+state	NOUN
+inspection	NOUN
+done	VERB
+yesterday	NOUN
+.	PUNCT
+
+I	PRON
+shopped	VERB
+it	PRON
+around	ADV
+and	CCONJ
+they	PRON
+were	AUX
+extremely	ADV
+competitive	ADJ
+in	ADP
+pricing	NOUN
+and	CCONJ
+also	ADV
+added	VERB
+nitrogen	NOUN
+to	ADP
+my	PRON
+tires	NOUN
+which	PRON
+should	AUX
+extend	VERB
+the	DET
+life	NOUN
+and	CCONJ
+get	VERB
+me	PRON
+better	ADJ
+gas	NOUN
+mileage	NOUN
+.	PUNCT
+
+It	PRON
+also	ADV
+came	VERB
+with	ADP
+free	ADJ
+balance	NOUN
+and	CCONJ
+rotation	NOUN
+for	ADP
+the	DET
+life	NOUN
+of	ADP
+the	DET
+tires	NOUN
+!	PUNCT
+
+What	PRON
+made	VERB
+it	PRON
+perfect	ADJ
+was	VERB
+that	SCONJ
+they	PRON
+offered	VERB
+transportation	NOUN
+so	SCONJ
+that	SCONJ
+I	PRON
+would	AUX
+not	PART
+have	VERB
+to	PART
+wait	VERB
+there	ADV
+or	CCONJ
+take	VERB
+time	NOUN
+off	ADP
+of	ADP
+work	NOUN
+to	PART
+go	VERB
+back	ADV
+and	CCONJ
+forth	ADV
+or	CCONJ
+try	VERB
+to	PART
+find	VERB
+a	DET
+ride	NOUN
+.	PUNCT
+
+Great	ADJ
+service	NOUN
+,	PUNCT
+great	ADJ
+pricing	NOUN
+and	CCONJ
+SUPER	ADV
+CONVENIENT	ADJ
+!	PUNCT
+
+I	PRON
+also	ADV
+did	AUX
+not	PART
+feel	VERB
+like	SCONJ
+they	PRON
+tried	VERB
+to	PART
+sell	VERB
+me	PRON
+a	DET
+bunch	NOUN
+of	ADP
+services	NOUN
+that	PRON
+I	PRON
+did	AUX
+not	PART
+need	VERB
+.	PUNCT
+
+Love	VERB
+my	PRON
+home	NOUN
+at	ADP
+Creekside	PROPN
+
+I	PRON
+moved	VERB
+to	ADP
+Creekside	PROPN
+Apartments	PROPN
+in	ADP
+August	PROPN
+2008	NUM
+with	ADP
+a	DET
+6	NUM
+-	PUNCT
+month	NOUN
+lease	NOUN
+and	CCONJ
+have	AUX
+just	ADV
+extended	VERB
+it	PRON
+for	ADP
+another	DET
+13	NUM
+months	NOUN
+!	PUNCT
+
+The	DET
+management	NOUN
+from	ADP
+Julie	PROPN
+and	CCONJ
+Janice	PROPN
+to	ADP
+the	DET
+work	NOUN
+staff	NOUN
+,	PUNCT
+esp.	ADV
+Edwin	PROPN
+,	PUNCT
+are	AUX
+just	ADV
+wonderful	ADJ
+.	PUNCT
+
+They	PRON
+have	AUX
+been	AUX
+extremely	ADV
+helpful	ADJ
+whenever	ADV
+I	PRON
+have	AUX
+asked	VERB
+for	ADP
+help	NOUN
+.	PUNCT
+
+Although	SCONJ
+the	DET
+apartments	NOUN
+are	AUX
+facing	VERB
+Stokes	PROPN
+Street	PROPN
+and	CCONJ
+close	ADJ
+to	ADP
+the	DET
+Bascom	PROPN
+Light	PROPN
+Rail	PROPN
+,	PUNCT
+the	DET
+location	NOUN
+is	AUX
+surprisingly	ADV
+quiet	ADJ
+.	PUNCT
+
+I	PRON
+have	AUX
+never	ADV
+had	VERB
+any	DET
+problems	NOUN
+with	ADP
+loud	ADJ
+neighbors	NOUN
+or	CCONJ
+concerns	NOUN
+about	ADP
+safety	NOUN
+.	PUNCT
+
+The	DET
+apartments	NOUN
+are	AUX
+within	ADP
+walking	NOUN
+distance	NOUN
+to	ADP
+Trader	PROPN
+Joe	PROPN
+'s	PART
+,	PUNCT
+Whole	PROPN
+Foods	PROPN
+,	PUNCT
+and	CCONJ
+other	ADJ
+stores	NOUN
+.	PUNCT
+
+The	DET
+well	ADV
+-	PUNCT
+equipped	VERB
+,	PUNCT
+clean	ADJ
+gym	NOUN
+is	AUX
+a	DET
+plus	NOUN
+!	PUNCT
+
+Great	ADJ
+place	NOUN
+to	PART
+live	VERB
+if	SCONJ
+you	PRON
+work	VERB
+in	ADP
+and	CCONJ
+around	ADP
+downtown	ADV
+San	PROPN
+Jose	PROPN
+!	PUNCT
+
+I	PRON
+interviewed	VERB
+several	ADJ
+contractors	NOUN
+for	ADP
+a	DET
+kitchen	NOUN
+remodel	NOUN
+.	PUNCT
+
+Liberty	PROPN
+construction	PROPN
+shows	VERB
+up	ADP
+and	CCONJ
+it	PRON
+'s	AUX
+two	NUM
+guys	NOUN
+...	PUNCT
+all	DET
+I	PRON
+get	VERB
+is	AUX
+100	NUM
+%	SYM
+sales	NOUN
+pitch	NOUN
+"	PUNCT
+We	PRON
+'re	AUX
+the	DET
+best	ADJ
+...	PUNCT
+we	PRON
+'re	AUX
+number	NOUN
+50	NUM
+so	ADV
+we	PRON
+must	AUX
+be	AUX
+doing	VERB
+something	PRON
+right	ADV
+...	PUNCT
+look	VERB
+at	ADP
+all	DET
+these	DET
+certificates	NOUN
+that	PRON
+say	VERB
+we	PRON
+'re	AUX
+great	ADJ
+"	PUNCT
+.	PUNCT
+
+Not	PART
+once	ADV
+did	AUX
+I	PRON
+feel	VERB
+listened	VERB
+to	ADP
+like	SCONJ
+they	PRON
+actually	ADV
+cared	VERB
+about	SCONJ
+what	PRON
+I	PRON
+wanted	VERB
+,	PUNCT
+all	DET
+they	PRON
+were	AUX
+interested	ADJ
+in	ADP
+was	AUX
+me	PRON
+signing	VERB
+a	DET
+contract	NOUN
+right	ADV
+then	ADV
+and	CCONJ
+there	ADV
+.	PUNCT
+
+Very	ADV
+high	ADJ
+pressured	ADJ
+sales	NOUN
+and	CCONJ
+with	ADP
+the	DET
+reviews	NOUN
+of	ADP
+many	ADJ
+others	NOUN
+bad	ADJ
+service	NOUN
+.	PUNCT
+
+I	PRON
+'m	AUX
+glad	ADJ
+I	PRON
+trusted	VERB
+my	PRON
+gut	NOUN
+and	CCONJ
+did	AUX
+n't	PART
+get	AUX
+sucked	VERB
+into	SCONJ
+doing	VERB
+business	NOUN
+with	ADP
+them	PRON
+.	PUNCT
+
+Find	VERB
+someone	PRON
+you	PRON
+trust	VERB
+that	PRON
+actually	ADV
+hears	VERB
+you	PRON
+and	CCONJ
+wants	VERB
+to	PART
+do	VERB
+the	DET
+job	NOUN
+right	ADV
+.	PUNCT
+
+Do	AUX
+n't	PART
+waste	VERB
+your	PRON
+time	NOUN
+or	CCONJ
+money	NOUN
+!	PUNCT
+
+I	PRON
+took	VERB
+my	PRON
+3	NUM
+year	NOUN
+old	ADJ
+son	NOUN
+here	ADV
+at	ADP
+the	DET
+weekend	NOUN
+and	CCONJ
+to	PART
+be	AUX
+honest	ADJ
+,	PUNCT
+apart	ADV
+from	ADP
+the	DET
+shark	NOUN
+walkway	NOUN
+,	PUNCT
+I	PRON
+thought	VERB
+it	PRON
+was	AUX
+rubbish	NOUN
+and	CCONJ
+overpriced	ADJ
+.	PUNCT
+
+Even	ADV
+taking	VERB
+into	ADP
+account	NOUN
+the	DET
+fact	NOUN
+that	SCONJ
+my	PRON
+3	NUM
+year	NOUN
+old	ADJ
+wanted	VERB
+to	PART
+run	VERB
+most	ADJ
+of	ADP
+the	DET
+way	NOUN
+round	ADV
+,	PUNCT
+it	PRON
+took	VERB
+us	PRON
+just	ADV
+over	ADP
+one	NUM
+hour	NOUN
+start	NOUN
+to	ADP
+finish	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+have	AUX
+been	AUX
+to	ADP
+the	DET
+London	PROPN
+Aquarium	PROPN
+I	PRON
+would	AUX
+not	PART
+even	ADV
+bother	VERB
+with	ADP
+this	PRON
+.	PUNCT
+
+If	SCONJ
+you	PRON
+are	AUX
+really	ADV
+desperate	ADJ
+for	ADP
+something	PRON
+to	PART
+pass	VERB
+the	DET
+time	NOUN
+and	CCONJ
+are	AUX
+willing	ADJ
+to	PART
+shell	VERB
+out	ADP
+the	DET
+best	ADJ
+part	NOUN
+of	ADP
+£	SYM
+30	NUM
+for	ADP
+2	NUM
+two	NUM
+people	NOUN
+then	ADV
+go	VERB
+for	ADP
+it	PRON
+.	PUNCT
+
+(	PUNCT
+For	ADP
+some	DET
+reason	NOUN
+it	PRON
+will	AUX
+not	PART
+let	VERB
+me	PRON
+rate	VERB
+it	PRON
+one	NUM
+star	NOUN
+-	PUNCT
+it	PRON
+is	AUX
+not	PART
+rated	VERB
+5	NUM
+by	ADP
+me	PRON
+!	PUNCT
+)	PUNCT
+
+Cranmore	PROPN
+Dental	PROPN
+and	CCONJ
+Implant	PROPN
+Clinic	PROPN
+:	PUNCT
+I	PRON
+could	AUX
+not	PART
+recommend	VERB
+Dr	PROPN
+David	PROPN
+Nelson	PROPN
+enough	ADV
+.	PUNCT
+
+I	PRON
+had	VERB
+a	DET
+severe	ADJ
+phobia	NOUN
+of	SCONJ
+attending	VERB
+the	DET
+dentist	NOUN
+until	SCONJ
+I	PRON
+met	VERB
+and	CCONJ
+was	AUX
+treated	VERB
+by	ADP
+Dr	PROPN
+Nelson	PROPN
+.	PUNCT
+
+He	PRON
+instantaneously	ADV
+put	VERB
+me	PRON
+at	ADP
+ease	NOUN
+and	CCONJ
+his	PRON
+ongoing	ADJ
+treatments	NOUN
+have	AUX
+been	AUX
+absolutely	ADV
+pain	NOUN
+free	ADJ
+.	PUNCT
+
+My	PRON
+previous	ADJ
+apprehension	NOUN
+has	AUX
+been	AUX
+dismissed	VERB
+and	CCONJ
+I	PRON
+no	ADV
+longer	ADV
+have	VERB
+a	DET
+sinking	NOUN
+feeling	NOUN
+when	ADV
+my	PRON
+next	ADJ
+appointment	NOUN
+is	AUX
+due	ADJ
+!	PUNCT
+
+In	ADP
+addition	NOUN
+to	ADP
+the	DET
+core	NOUN
+treatment	NOUN
+,	PUNCT
+Dr	PROPN
+Nelson	PROPN
+has	AUX
+impressed	VERB
+me	PRON
+further	ADV
+with	ADP
+his	PRON
+concern	NOUN
+and	CCONJ
+interest	NOUN
+in	ADP
+the	DET
+well	ADV
+-	PUNCT
+being	NOUN
+of	ADP
+his	PRON
+patients	NOUN
+–	PUNCT
+his	PRON
+dental	ADJ
+work	NOUN
+underpinned	VERB
+by	ADP
+a	DET
+strong	ADJ
+duty	NOUN
+of	ADP
+care	NOUN
+to	ADP
+every	DET
+patient	NOUN
+.	PUNCT
+
+He	PRON
+is	AUX
+always	ADV
+prepared	ADJ
+to	PART
+go	VERB
+the	DET
+extra	ADJ
+mile	NOUN
+to	PART
+ensure	VERB
+that	SCONJ
+any	DET
+patient	NOUN
+discomfort	NOUN
+is	AUX
+dealt	VERB
+with	ADP
+immediately	ADV
+–	PUNCT
+
+Pam	PROPN
+Gillies	PROPN
+
+Best	ADJ
+Salsa	NOUN
+(	PUNCT
+hehehe	INTJ
+)	PUNCT
+
+After	SCONJ
+my	PRON
+trees	NOUN
+were	AUX
+cleaned	VERB
+up	ADP
+,	PUNCT
+they	PRON
+gave	VERB
+me	PRON
+a	DET
+jar	NOUN
+of	ADP
+salsa	NOUN
+.	PUNCT
+
+The	DET
+owner	NOUN
+warned	VERB
+me	PRON
+that	SCONJ
+it	PRON
+was	AUX
+the	DET
+best	ADJ
+salsa	NOUN
+I	PRON
+would	AUX
+ever	ADV
+had	VERB
+,	PUNCT
+and	CCONJ
+he	PRON
+was	AUX
+right	ADJ
+.	PUNCT
+
+No	DET
+joke	NOUN
+!	PUNCT
+
+I	PRON
+hate	VERB
+to	PART
+say	VERB
+check	VERB
+them	PRON
+out	ADP
+just	ADV
+for	ADP
+the	DET
+salsa	NOUN
+,	PUNCT
+but	CCONJ
+James	PROPN
+,	PUNCT
+I	PRON
+NEED	VERB
+another	DET
+jar	NOUN
+badly	ADV
+:)	SYM
+All	DET
+kidding	NOUN
+aside	ADV
+,	PUNCT
+they	PRON
+are	AUX
+a	DET
+very	ADV
+good	ADJ
+company	NOUN
+,	PUNCT
+I	PRON
+have	VERB
+a	DET
+hard	ADJ
+time	NOUN
+giving	VERB
+any	DET
+service	NOUN
+biz	NOUN
+a	DET
+5	NUM
+star	NOUN
+review	NOUN
+but	CCONJ
+they	PRON
+came	VERB
+close	ADV
+.	PUNCT
+
+Very	ADV
+affordable	ADJ
+(	PUNCT
+do	AUX
+n't	PART
+call	VERB
+it	PRON
+cheap	ADJ
+)	PUNCT
+and	CCONJ
+their	PRON
+trimmers	NOUN
+were	AUX
+quick	ADJ
+and	CCONJ
+courteous	ADJ
+when	ADV
+I	PRON
+got	VERB
+home	ADV
+from	ADP
+work	NOUN
+.	PUNCT
+
+And	CCONJ
+the	DET
+salsa	NOUN
+,	PUNCT
+be	AUX
+sure	ADJ
+to	PART
+ask	VERB
+for	ADP
+a	DET
+jar	NOUN
+and	CCONJ
+have	VERB
+plenty	NOUN
+of	ADP
+chips	NOUN
+around	ADV
+,	PUNCT
+you	PRON
+will	AUX
+need	VERB
+them	PRON
+.....	PUNCT
+
+Dr.	PROPN
+Mann	PROPN
+killed	VERB
+our	PRON
+pet	NOUN
+
+Yea	INTJ
+,	PUNCT
+Dr.	PROPN
+Mann	PROPN
+ai	AUX
+n't	PART
+so	ADV
+great	ADJ
+.	PUNCT
+
+We	PRON
+took	VERB
+our	PRON
+beloved	ADJ
+kitty	NOUN
+to	ADP
+him	PRON
+and	CCONJ
+it	PRON
+came	VERB
+back	ADV
+dead	ADJ
+.	PUNCT
+
+We	PRON
+live	VERB
+in	ADP
+the	DET
+sub-division	NOUN
+around	ADP
+the	DET
+corner	NOUN
+and	CCONJ
+after	SCONJ
+it	PRON
+happened	VERB
+and	CCONJ
+we	PRON
+brought	VERB
+it	PRON
+up	ADP
+at	ADP
+some	DET
+neighborhood	NOUN
+gatherings	NOUN
+we	PRON
+discovered	VERB
+that	SCONJ
+several	ADJ
+people	NOUN
+from	ADP
+this	DET
+neighborhood	NOUN
+alone	ADV
+had	VERB
+pets	NOUN
+go	VERB
+to	ADP
+Dr.	PROPN
+Mann	PROPN
+for	ADP
+surgical	ADJ
+procedures	NOUN
+and	CCONJ
+came	VERB
+back	ADV
+dead	ADJ
+.	PUNCT
+
+If	SCONJ
+you	PRON
+take	VERB
+him	PRON
+here	ADV
+for	ADP
+shots	NOUN
+,	PUNCT
+no	DET
+big	ADJ
+deal	NOUN
+but	CCONJ
+I	PRON
+would	AUX
+never	ADV
+let	VERB
+this	DET
+man	NOUN
+apply	VERB
+anesthetic	NOUN
+to	ADP
+my	PRON
+pet	NOUN
+ever	ADV
+again	ADV
+.	PUNCT
+
+Oh	INTJ
+,	PUNCT
+they	PRON
+also	ADV
+charged	VERB
+me	PRON
+for	ADP
+the	DET
+procedure	NOUN
+(	PUNCT
+$	SYM
+250	NUM
+)	PUNCT
+AND	CCONJ
+had	VERB
+the	DET
+audacity	NOUN
+to	PART
+charge	VERB
+me	PRON
+a	DET
+$	SYM
+25	NUM
+'	PUNCT
+DISPOSAL	NOUN
+'	PUNCT
+fee	NOUN
+.	PUNCT
+
+They	PRON
+actually	ADV
+itemized	VERB
+it	PRON
+as	ADP
+a	DET
+DISPOSAL	NOUN
+fee	NOUN
+.	PUNCT
+
+AVOID	VERB
+AT	ADP
+ALL	DET
+COSTS	NOUN
+.	PUNCT
+
+One	NUM
+of	ADP
+the	DET
+worst	ADJ
+places	NOUN
+
+This	DET
+place	NOUN
+and	CCONJ
+its	PRON
+sister	NOUN
+store	NOUN
+Peking	PROPN
+Garden	PROPN
+are	AUX
+the	DET
+worst	ADJ
+places	NOUN
+to	PART
+order	VERB
+from	ADP
+.	PUNCT
+
+the	DET
+food	NOUN
+was	AUX
+horrible	ADJ
+not	PART
+cooked	VERB
+like	SCONJ
+it	PRON
+should	AUX
+be	AUX
+,	PUNCT
+they	PRON
+got	VERB
+the	DET
+order	NOUN
+wrong	ADJ
+on	ADP
+a	DET
+number	NOUN
+of	ADP
+occasions	NOUN
+,	PUNCT
+and	CCONJ
+once	ADV
+forgot	VERB
+about	ADP
+my	PRON
+order	NOUN
+.	PUNCT
+
+i	PRON
+had	VERB
+to	PART
+call	VERB
+back	ADV
+up	ADP
+there	ADV
+two	NUM
+hours	NOUN
+later	ADV
+and	CCONJ
+the	DET
+lady	NOUN
+(	PUNCT
+who	PRON
+claimed	VERB
+to	PART
+be	AUX
+a	DET
+manager	NOUN
+)	PUNCT
+said	VERB
+my	PRON
+food	NOUN
+was	AUX
+on	ADP
+the	DET
+way	NOUN
+,	PUNCT
+and	CCONJ
+she	PRON
+did	AUX
+nt	PART
+offer	VERB
+to	PART
+compensate	VERB
+me	PRON
+in	ADP
+any	DET
+kind	NOUN
+of	ADP
+way	NOUN
+.	PUNCT
+
+i	PRON
+waited	VERB
+another	DET
+30	NUM
+mins	NOUN
+before	SCONJ
+receiving	VERB
+my	PRON
+food	NOUN
+and	CCONJ
+it	PRON
+was	AUX
+cold	ADJ
+.	PUNCT
+
+in	ADP
+my	PRON
+opinon	NOUN
+this	DET
+place	NOUN
+should	AUX
+be	AUX
+shut	VERB
+down	ADP
+by	ADP
+the	DET
+health	NOUN
+inspector	NOUN
+,	PUNCT
+and	CCONJ
+anyone	PRON
+who	PRON
+is	AUX
+satisfied	ADJ
+with	ADP
+there	PRON
+service	NOUN
+and	CCONJ
+food	NOUN
+has	AUX
+never	ADV
+eaten	VERB
+at	ADP
+a	DET
+real	ADJ
+asian	ADJ
+restaurant	NOUN
+.	PUNCT
+
+Gone	VERB
+downhill	ADV
+since	ADP
+change	NOUN
+in	ADP
+ownership	NOUN
+
+Sigh	INTJ
+.	PUNCT
+
+I	PRON
+used	VERB
+to	PART
+LOVE	VERB
+this	DET
+place	NOUN
+.	PUNCT
+
+But	CCONJ
+now	ADV
+that	SCONJ
+they	PRON
+are	AUX
+part	NOUN
+of	ADP
+a	DET
+chain	NOUN
+,	PUNCT
+service	NOUN
+has	AUX
+slipped	VERB
+.	PUNCT
+
+I	PRON
+am	AUX
+waiting	VERB
+longer	ADV
+at	ADP
+BNA	PROPN
+for	ADP
+my	PRON
+pickups	NOUN
+and	CCONJ
+last	ADJ
+time	NOUN
+I	PRON
+parked	VERB
+with	ADP
+them	PRON
+,	PUNCT
+they	PRON
+lost	VERB
+my	PRON
+car	NOUN
+key	NOUN
+.	PUNCT
+
+Lucky	ADJ
+I	PRON
+had	VERB
+a	DET
+spare	NOUN
+with	ADP
+me	PRON
+!	PUNCT
+
+To	ADP
+date	NOUN
+they	PRON
+have	AUX
+not	PART
+made	VERB
+good	ADJ
+by	SCONJ
+either	CCONJ
+finding	VERB
+the	DET
+key	NOUN
+or	CCONJ
+paying	VERB
+for	ADP
+a	DET
+new	ADJ
+one	NOUN
+.	PUNCT
+
+(	PUNCT
+These	DET
+new	ADJ
+car	NOUN
+keys	NOUN
+are	AUX
+EXPENSIVE	ADJ
+to	PART
+copy	VERB
+,	PUNCT
+you	PRON
+ca	AUX
+n't	PART
+just	ADV
+go	VERB
+to	ADP
+WalMart	PROPN
+.	PUNCT
+)	PUNCT
+
+Go	VERB
+to	ADP
+the	DET
+website	NOUN
+for	ADP
+coupons	NOUN
+and	CCONJ
+join	VERB
+the	DET
+club	NOUN
+-	PUNCT
+you	PRON
+can	AUX
+get	VERB
+free	ADJ
+parking	NOUN
+.	PUNCT
+
+However	ADV
+,	PUNCT
+with	SCONJ
+BNA	PROPN
+offering	VERB
+one	NUM
+day	NOUN
+of	ADP
+free	ADJ
+parking	NOUN
+due	ADP
+to	ADP
+construction	NOUN
+of	ADP
+the	DET
+new	ADJ
+rental	ADJ
+car	NOUN
+facility	NOUN
+,	PUNCT
+it	PRON
+may	AUX
+be	AUX
+cheaper	ADJ
+to	PART
+park	VERB
+at	ADP
+BNA	PROPN
+.	PUNCT
+
+Wife	NOUN
+and	CCONJ
+I	PRON
+attempted	VERB
+to	PART
+adopt	VERB
+a	DET
+dog	NOUN
+and	CCONJ
+was	AUX
+nothing	PRON
+but	CCONJ
+frustrating	ADJ
+.	PUNCT
+
+We	PRON
+arrived	VERB
+Sunday	PROPN
+at	ADP
+about	ADV
+230	NUM
+and	CCONJ
+found	VERB
+a	DET
+do	NOUN
+we	PRON
+really	ADV
+liked	VERB
+.	PUNCT
+
+We	PRON
+were	AUX
+told	VERB
+that	SCONJ
+we	PRON
+could	AUX
+n't	PART
+today	NOUN
+because	SCONJ
+they	PRON
+were	AUX
+closing	VERB
+soon	ADV
+.	PUNCT
+
+I	PRON
+called	VERB
+the	DET
+next	ADJ
+morning	NOUN
+to	PART
+let	VERB
+then	PRON
+know	VERB
+my	PRON
+wife	NOUN
+would	AUX
+be	AUX
+driving	VERB
+in	ADV
+.	PUNCT
+
+They	PRON
+gave	VERB
+me	PRON
+the	DET
+run	NOUN
+around	NOUN
+and	CCONJ
+missing	VERB
+paperwork	NOUN
+only	ADV
+to	PART
+call	VERB
+back	ADP
+to	PART
+tell	VERB
+me	PRON
+someone	PRON
+else	ADJ
+wanted	VERB
+her	PRON
+and	CCONJ
+I	PRON
+would	AUX
+need	VERB
+to	PART
+come	VERB
+in	ADV
+and	CCONJ
+put	VERB
+down	ADP
+a	DET
+deposit	NOUN
+.	PUNCT
+
+I	PRON
+work	VERB
+2	NUM
+hours	NOUN
+away	ADV
+but	CCONJ
+offered	VERB
+my	PRON
+card	NOUN
+over	ADP
+the	DET
+phone	NOUN
+.	PUNCT
+
+They	PRON
+refused	VERB
+.	PUNCT
+
+Terrible	ADJ
+communication	NOUN
+as	ADV
+well	ADV
+.	PUNCT
+
+At	ADP
+one	NUM
+point	NOUN
+they	PRON
+told	VERB
+me	PRON
+the	DET
+dog	NOUN
+had	AUX
+been	AUX
+fixed	VERB
+,	PUNCT
+the	DET
+next	ADJ
+day	NOUN
+it	PRON
+had	AUX
+n't	PART
+.	PUNCT
+
+Huge	ADJ
+ammount	NOUN
+of	ADP
+time	NOUN
+wasted	VERB
+time	NOUN
+and	CCONJ
+elevated	VERB
+blood	NOUN
+pressure	NOUN
+.	PUNCT
+
+College	NOUN
+is	AUX
+a	DET
+Joke	NOUN
+and	CCONJ
+the	DET
+Salon	NOUN
+is	AUX
+a	DET
+JOKE	NOUN
+!	PUNCT
+
+Went	VERB
+to	ADP
+the	DET
+school	NOUN
+here	ADV
+OVER	X
+PRICED	ADJ
+!!!!!!	PUNCT
+
+You	PRON
+do	AUX
+NOT	PART
+learn	VERB
+the	DET
+things	NOUN
+you	PRON
+were	AUX
+promised	VERB
+.	PUNCT
+
+You	PRON
+have	VERB
+to	PART
+bring	VERB
+in	ADV
+your	PRON
+own	ADJ
+models	NOUN
+and	CCONJ
+they	PRON
+have	VERB
+to	PART
+pay	VERB
+for	SCONJ
+you	PRON
+to	PART
+use	VERB
+them	PRON
+if	SCONJ
+you	PRON
+do	AUX
+nt	PART
+then	ADV
+you	PRON
+can	AUX
+graduate	VERB
+!	PUNCT
+
+Going	VERB
+back	ADV
+after	SCONJ
+graduating	VERB
+you	PRON
+r	AUX
+told	VERB
+you	PRON
+get	VERB
+a	DET
+discount	NOUN
+on	ADP
+services	NOUN
+nope	INTJ
+you	PRON
+do	AUX
+nt	PART
+.	PUNCT
+
+Staff	NOUN
+is	AUX
+under	X
+educated	ADJ
+.	PUNCT
+
+Going	VERB
+there	ADV
+you	PRON
+learn	VERB
+the	DET
+school	NOUN
+does	AUX
+not	PART
+care	VERB
+about	ADP
+the	DET
+services	NOUN
+given	VERB
+just	ADV
+about	ADP
+the	DET
+money	NOUN
+.	PUNCT
+
+Over	X
+priced	ADJ
+for	SCONJ
+students	NOUN
+to	PART
+learn	VERB
+!	PUNCT
+
+Beware	VERB
+of	ADP
+the	DET
+nail	NOUN
+program	NOUN
+you	PRON
+are	AUX
+not	PART
+taught	VERB
+to	PART
+use	VERB
+a	DET
+nail	NOUN
+drill	NOUN
+AT	ADV
+ALL	ADV
+you	PRON
+learn	VERB
+the	DET
+old	ADJ
+fashioned	ADJ
+way	NOUN
+of	SCONJ
+doing	VERB
+nails	NOUN
+you	PRON
+will	AUX
+not	PART
+be	AUX
+able	ADJ
+to	PART
+do	VERB
+well	ADV
+in	ADP
+a	DET
+salon	NOUN
+!!!	PUNCT
+
+BEWARE	VERB
+!	PUNCT
+
+You	PRON
+can	AUX
+fool	VERB
+people	NOUN
+
+This	DET
+store	NOUN
+is	AUX
+proof	NOUN
+that	SCONJ
+you	PRON
+can	AUX
+fool	VERB
+people	NOUN
+with	ADP
+good	ADJ
+advertising	NOUN
+.	PUNCT
+
+They	PRON
+convince	VERB
+lots	NOUN
+of	ADP
+people	NOUN
+that	SCONJ
+they	PRON
+are	AUX
+a	DET
+great	ADJ
+store	NOUN
+,	PUNCT
+when	ADV
+in	ADP
+fact	NOUN
+they	PRON
+are	AUX
+a	DET
+very	ADV
+average	ADJ
+place	NOUN
+at	ADV
+best	ADV
+,	PUNCT
+they	PRON
+are	AUX
+just	ADV
+another	DET
+big	ADJ
+box	NOUN
+store	NOUN
+like	ADP
+the	DET
+others	NOUN
+.	PUNCT
+
+They	PRON
+offer	VERB
+sales	NOUN
+that	PRON
+are	AUX
+n't	PART
+really	ADV
+sales	NOUN
+,	PUNCT
+mislabeled	VERB
+items	NOUN
+that	PRON
+make	VERB
+the	DET
+item	NOUN
+sound	VERB
+like	ADP
+a	DET
+good	ADJ
+deal	NOUN
+when	ADV
+it	PRON
+is	VERB
+n't	PART
+,	PUNCT
+a	DET
+bad	ADJ
+attitude	NOUN
+about	ADP
+return	NOUN
+items	NOUN
+,	PUNCT
+and	CCONJ
+on	ADV
+and	CCONJ
+on	ADV
+.	PUNCT
+
+With	ADP
+higher	ADJ
+than	ADP
+average	ADJ
+prices	NOUN
+to	PART
+boot	VERB
+!	PUNCT
+
+So	ADV
+do	AUX
+n't	PART
+get	AUX
+taken	VERB
+in	ADV
+,	PUNCT
+keep	VERB
+your	PRON
+eyes	NOUN
+open	ADJ
+if	SCONJ
+you	PRON
+choose	VERB
+to	PART
+shop	VERB
+here	ADV
+.	PUNCT
+
+On	ADP
+the	DET
+other	ADJ
+hand	NOUN
+,	PUNCT
+the	DET
+Richmond	PROPN
+Ukrops	PROPN
+chain	NOUN
+is	AUX
+known	VERB
+for	ADP
+its	PRON
+charity	NOUN
+work	NOUN
+,	PUNCT
+its	PRON
+community	NOUN
+action	NOUN
+,	PUNCT
+and	CCONJ
+its	PRON
+interest	NOUN
+in	ADP
+the	DET
+public	ADJ
+welfare	NOUN
+.	PUNCT
+
+Never	ADV
+again	ADV
+
+Do	AUX
+n't	PART
+go	VERB
+here	ADV
+unless	SCONJ
+you	PRON
+want	VERB
+to	PART
+sit	VERB
+,	PUNCT
+order	VERB
+,	PUNCT
+eat	VERB
+and	CCONJ
+be	AUX
+asked	VERB
+to	PART
+leave	VERB
+all	ADV
+in	ADP
+a	DET
+matter	NOUN
+of	ADP
+20	NUM
+minutes	NOUN
+.	PUNCT
+
+You	PRON
+wo	AUX
+n't	PART
+even	ADV
+have	VERB
+time	NOUN
+to	PART
+read	VERB
+the	DET
+entire	ADJ
+menu	NOUN
+before	SCONJ
+being	AUX
+asked	VERB
+to	PART
+order	VERB
+and	CCONJ
+if	SCONJ
+you	PRON
+ask	VERB
+for	ADP
+more	ADJ
+time	NOUN
+your	PRON
+server	NOUN
+will	AUX
+wait	VERB
+at	ADP
+the	DET
+table	NOUN
+.	PUNCT
+
+This	PRON
+is	AUX
+the	DET
+only	ADJ
+place	NOUN
+I	PRON
+have	AUX
+ever	ADV
+eaten	VERB
+and	CCONJ
+been	AUX
+told	VERB
+to	PART
+leave	VERB
+because	SCONJ
+other	ADJ
+people	NOUN
+were	AUX
+waiting	VERB
+.	PUNCT
+
+I	PRON
+was	AUX
+told	VERB
+to	PART
+take	VERB
+my	PRON
+coffee	NOUN
+to	PART
+go	VERB
+if	SCONJ
+I	PRON
+wanted	VERB
+to	PART
+finish	VERB
+it	PRON
+.	PUNCT
+
+Oh	INTJ
+,	PUNCT
+and	CCONJ
+their	PRON
+liquor	NOUN
+license	NOUN
+was	AUX
+expired	ADJ
+so	ADV
+no	DET
+Bloody	ADJ
+Mary	NOUN
+or	CCONJ
+Mimosas	NOUN
+.	PUNCT
+
+Plus	CCONJ
+the	DET
+drinks	NOUN
+are	AUX
+self	NOUN
+service	NOUN
+,	PUNCT
+have	VERB
+fun	NOUN
+trying	VERB
+to	PART
+negotiate	VERB
+the	DET
+small	ADJ
+cafeteria	NOUN
+space	NOUN
+to	PART
+get	VERB
+your	PRON
+coffee	NOUN
+,	PUNCT
+juice	NOUN
+or	CCONJ
+water	NOUN
+.	PUNCT
+
+Go	VERB
+next	ADJ
+door	NOUN
+to	ADP
+the	DET
+Ball	PROPN
+Square	PROPN
+Cafe	PROPN
+instead	ADV
+.	PUNCT
+
+I	PRON
+guess	VERB
+you	PRON
+get	VERB
+what	PRON
+you	PRON
+pay	VERB
+for	ADP
+.	PUNCT
+
+I	PRON
+tried	VERB
+to	PART
+stay	VERB
+here	ADV
+for	ADP
+a	DET
+few	ADJ
+nights	NOUN
+with	ADP
+my	PRON
+girlfriend	NOUN
+,	PUNCT
+so	ADV
+we	PRON
+asked	VERB
+for	ADP
+a	DET
+single	ADJ
+queen	NOUN
+bed	NOUN
+.	PUNCT
+
+We	PRON
+got	VERB
+there	ADV
+,	PUNCT
+and	CCONJ
+we	PRON
+were	AUX
+treated	VERB
+to	ADP
+the	DET
+free	ADJ
+"	PUNCT
+upgrade	NOUN
+"	PUNCT
+of	ADP
+a	DET
+room	NOUN
+with	ADP
+two	NUM
+double	ADJ
+beds	NOUN
+.	PUNCT
+
+Since	SCONJ
+they	PRON
+consider	VERB
+this	PRON
+an	DET
+upgrade	NOUN
+,	PUNCT
+they	PRON
+let	VERB
+their	PRON
+other	ADJ
+rooms	NOUN
+fill	VERB
+up	ADP
+and	CCONJ
+would	AUX
+not	PART
+change	VERB
+our	PRON
+room	NOUN
+.	PUNCT
+
+Then	ADV
+we	PRON
+got	AUX
+put	VERB
+in	ADP
+a	DET
+room	NOUN
+with	ADP
+a	DET
+huge	ADJ
+gap	NOUN
+under	ADP
+the	DET
+door	NOUN
+....	PUNCT
+right	ADV
+next	ADP
+to	ADP
+the	DET
+ice	NOUN
+machine	NOUN
+.	PUNCT
+
+We	PRON
+could	AUX
+hear	VERB
+every	DET
+single	ADJ
+thing	NOUN
+that	PRON
+happened	VERB
+outside	ADV
+like	SCONJ
+it	PRON
+was	AUX
+inside	ADP
+our	PRON
+room	NOUN
+.	PUNCT
+
+When	ADV
+I	PRON
+finally	ADV
+found	VERB
+someone	PRON
+at	ADP
+the	DET
+desk	NOUN
+who	PRON
+could	AUX
+speak	VERB
+English	PROPN
+,	PUNCT
+they	PRON
+moved	VERB
+our	PRON
+room	NOUN
+,	PUNCT
+but	CCONJ
+we	PRON
+still	ADV
+did	AUX
+not	PART
+receive	VERB
+the	DET
+single	ADJ
+queen	NOUN
+we	PRON
+had	AUX
+"	PUNCT
+reserved	VERB
+"	PUNCT
+
+I	PRON
+was	AUX
+thoroughly	ADV
+impressed	ADJ
+!	PUNCT
+
+I	PRON
+had	VERB
+a	DET
+problem	NOUN
+with	SCONJ
+the	DET
+tile	NOUN
+in	ADP
+my	PRON
+bathroom	NOUN
+coming	VERB
+apart	ADV
+.	PUNCT
+
+I	PRON
+called	VERB
+a	DET
+few	ADJ
+different	ADJ
+businesses	NOUN
+in	ADP
+the	DET
+area	NOUN
+to	PART
+get	VERB
+estimates	NOUN
+,	PUNCT
+they	PRON
+were	AUX
+n't	PART
+the	DET
+cheapest	ADJ
+I	PRON
+found	VERB
+but	CCONJ
+very	ADV
+reasonable	ADJ
+.	PUNCT
+
+The	DET
+best	ADJ
+part	NOUN
+is	VERB
+I	PRON
+got	VERB
+my	PRON
+whole	ADJ
+bathroom	NOUN
+remodeled	VERB
+for	ADP
+about	ADV
+the	DET
+same	ADJ
+price	NOUN
+the	DET
+other	ADJ
+company's	NOUN
+were	AUX
+quoting	VERB
+just	ADV
+to	PART
+fix	VERB
+the	DET
+shower	NOUN
+tile	NOUN
+and	CCONJ
+fixtures	NOUN
+.	PUNCT
+
+They	PRON
+had	VERB
+the	DET
+work	NOUN
+done	ADJ
+in	ADP
+about	ADV
+half	DET
+the	DET
+time	NOUN
+quoted	VERB
+which	PRON
+made	VERB
+me	PRON
+and	CCONJ
+my	PRON
+wife	NOUN
+extremely	ADV
+happy	ADJ
+.	PUNCT
+
+We	PRON
+have	AUX
+had	VERB
+nothing	PRON
+but	ADP
+compliments	NOUN
+on	ADP
+our	PRON
+bathroom	NOUN
+when	ADV
+guest	NOUN
+come	VERB
+over	ADV
+-	PUNCT
+who	PRON
+would	AUX
+have	AUX
+guessed	VERB
+that	DET
+one	NOUN
+?	PUNCT
+
+Very	ADV
+nice	ADJ
+work	NOUN
+and	CCONJ
+friendly	ADJ
+guys	NOUN
+too	ADV
+.	PUNCT
+
+Best	ADJ
+money	NOUN
+I	PRON
+'ve	AUX
+spent	VERB
+on	ADP
+remodeling	NOUN
+ever	ADV
+.	PUNCT
+
+I	PRON
+highly	ADV
+recommend	VERB
+any	DET
+one	NOUN
+considering	VERB
+home	NOUN
+repair	NOUN
+to	PART
+give	VERB
+these	DET
+guys	NOUN
+a	DET
+call	NOUN
+.	PUNCT
+
+New	ADJ
+training	NOUN
+Centre	NOUN
+is	AUX
+excellent	ADJ
+
+The	DET
+Award	PROPN
+Dance	PROPN
+Centre	PROPN
+has	AUX
+moved	VERB
+from	ADP
+its	PRON
+Holderness	PROPN
+Road	PROPN
+site	NOUN
+to	ADP
+a	DET
+new	ADJ
+complex	NOUN
+on	ADP
+Chamberlain	PROPN
+Road	PROPN
+Hull	PROPN
+.	PUNCT
+
+The	DET
+new	ADJ
+Centre	PROPN
+has	VERB
+4	NUM
+studios	NOUN
+planned	VERB
+and	CCONJ
+now	ADV
+boasts	VERB
+the	DET
+largest	ADJ
+single	ADJ
+dance	NOUN
+floor	NOUN
+area	NOUN
+in	ADP
+Kingston	PROPN
+upon	ADP
+Hull	PROPN
+.	PUNCT
+
+The	DET
+classes	NOUN
+cover	VERB
+all	DET
+age	NOUN
+and	CCONJ
+skill	NOUN
+ranges	NOUN
+,	PUNCT
+with	ADP
+BALLROOM	NOUN
+,	PUNCT
+LATIN	ADJ
+,	PUNCT
+SEQUENCE	NOUN
+,	PUNCT
+STREET	NOUN
+,	PUNCT
+DISCO	NOUN
+,	PUNCT
+LINE	NOUN
+DANCING	NOUN
+,	PUNCT
+BALLET	NOUN
+,	PUNCT
+TAP	NOUN
+&	CCONJ
+JAZZ	NOUN
+.	PUNCT
+
+We	PRON
+have	AUX
+attended	VERB
+A	X
+Ward	PROPN
+Dance	PROPN
+Centre	PROPN
+for	ADP
+over	ADP
+a	DET
+year	NOUN
+and	CCONJ
+really	ADV
+enjoy	VERB
+the	DET
+friendly	ADJ
+and	CCONJ
+welcoming	ADJ
+way	NOUN
+we	PRON
+are	AUX
+taught	VERB
+Ballroom	NOUN
+and	CCONJ
+Latin	ADJ
+as	ADV
+well	ADV
+as	ADP
+the	DET
+fun	NOUN
+filled	VERB
+social	ADJ
+dance	NOUN
+evening	NOUN
+held	VERB
+every	DET
+Saturday	PROPN
+evening	NOUN
+....	PUNCT
+
+It	PRON
+is	AUX
+not	PART
+really	ADV
+possible	ADJ
+to	PART
+score	VERB
+this	DET
+school	NOUN
+too	ADV
+highly	ADV
+,	PUNCT
+We	PRON
+would	AUX
+give	VERB
+it	PRON
+12	NUM
+out	ADP
+of	ADP
+10	NUM
+and	CCONJ
+5	NUM
+Stars	NOUN
+across	ADP
+the	DET
+board	NOUN
+Steve	PROPN
+&	CCONJ
+Anne	PROPN
+
+I	PRON
+purchased	VERB
+a	DET
+2	NUM
+-	PUNCT
+year	NOUN
+old	ADJ
+certified	ADJ
+pre-owned	ADJ
+BMW	PROPN
+from	ADP
+this	DET
+dealership	NOUN
+.	PUNCT
+
+The	DET
+night	NOUN
+I	PRON
+drove	VERB
+back	ADV
+home	ADV
+,	PUNCT
+I	PRON
+found	VERB
+that	SCONJ
+the	DET
+rear	ADJ
+window	NOUN
+has	VERB
+some	DET
+leakage	NOUN
+.	PUNCT
+
+(	PUNCT
+You	PRON
+can	AUX
+hear	VERB
+the	DET
+wind	NOUN
+while	SCONJ
+driving	VERB
+on	ADP
+highway	NOUN
+.	PUNCT
+
+Very	ADV
+likely	ADJ
+it	PRON
+needs	VERB
+a	DET
+new	ADJ
+window	NOUN
+seal	NOUN
+)	PUNCT
+.	PUNCT
+
+I	PRON
+admit	VERB
+that	SCONJ
+I	PRON
+should	AUX
+have	AUX
+paid	VERB
+attention	NOUN
+to	ADP
+this	DET
+kind	NOUN
+of	ADP
+little	ADJ
+things	NOUN
+while	SCONJ
+test	NOUN
+drive	VERB
+.	PUNCT
+
+(	PUNCT
+But	CCONJ
+this	PRON
+is	AUX
+a	DET
+certified	ADJ
+car	NOUN
+from	ADP
+a	DET
+dealer	NOUN
+.	PUNCT
+)	PUNCT
+
+So	ADV
+I	PRON
+brought	VERB
+the	DET
+car	NOUN
+back	ADV
+the	DET
+second	ADJ
+day	NOUN
+.	PUNCT
+
+They	PRON
+told	VERB
+me	PRON
+that	SCONJ
+this	PRON
+is	AUX
+not	PART
+under	ADP
+warranty	NOUN
+and	CCONJ
+want	VERB
+to	PART
+charge	VERB
+me	PRON
+$	SYM
+175	NUM
+just	ADV
+to	PART
+diagnose	VERB
+the	DET
+problem	NOUN
+!	PUNCT
+
+Who	PRON
+knows	VERB
+how	ADV
+much	ADJ
+they	PRON
+want	VERB
+me	PRON
+to	PART
+pay	VERB
+to	PART
+fix	VERB
+this	DET
+thing	NOUN
+.	PUNCT
+
+I	PRON
+walked	VERB
+away	ADV
+.	PUNCT
+
+So	ADV
+my	PRON
+advice	NOUN
+is	AUX
+that	SCONJ
+NEVER	ADV
+TRUST	VERB
+THIS	DET
+DEALER	NOUN
+.	PUNCT
+
+STAY	VERB
+AWAY	ADV
+AS	ADV
+FAR	ADV
+AS	SCONJ
+POSSIBLE	ADJ
+.	PUNCT
+
+Perfect	ADJ
+Practice	NOUN
+
+After	SCONJ
+I	PRON
+had	AUX
+chosen	VERB
+The	DET
+Fountain	PROPN
+Dental	PROPN
+Practice	PROPN
+they	PRON
+provided	VERB
+a	DET
+slick	ADJ
+and	CCONJ
+professional	ADJ
+service	NOUN
+from	ADP
+start	NOUN
+to	ADP
+finish	NOUN
+.	PUNCT
+
+Everyone	PRON
+was	AUX
+friendly	ADJ
+from	ADP
+the	DET
+receptionist	NOUN
+to	ADP
+the	DET
+surgeon	NOUN
+herself	PRON
+,	PUNCT
+putting	VERB
+me	PRON
+at	ADP
+my	PRON
+ease	NOUN
+and	CCONJ
+explaining	VERB
+the	DET
+whole	ADJ
+process	NOUN
+,	PUNCT
+both	CCONJ
+initially	ADV
+and	CCONJ
+then	ADV
+as	SCONJ
+we	PRON
+went	VERB
+along	ADV
+.	PUNCT
+
+Surgery	NOUN
+visit	NOUN
+timings	NOUN
+were	AUX
+always	ADV
+made	VERB
+to	PART
+suit	VERB
+me	PRON
+and	CCONJ
+not	ADV
+them	PRON
+and	CCONJ
+they	PRON
+gave	VERB
+me	PRON
+the	DET
+feeling	NOUN
+that	SCONJ
+I	PRON
+mattered	VERB
+and	CCONJ
+was	AUX
+important	ADJ
+to	ADP
+them	PRON
+.	PUNCT
+
+The	DET
+surgery	NOUN
+itself	PRON
+is	AUX
+slick	ADJ
+,	PUNCT
+modern	ADJ
+and	CCONJ
+very	ADV
+relaxed	ADJ
+and	CCONJ
+I	PRON
+always	ADV
+felt	VERB
+that	SCONJ
+I	PRON
+was	AUX
+in	ADP
+capable	ADJ
+hands	NOUN
+.	PUNCT
+
+My	PRON
+dental	ADJ
+surgeon	NOUN
+,	PUNCT
+Dr.	PROPN
+Lucy	PROPN
+Nichols	PROPN
+is	AUX
+clearly	ADV
+a	DET
+dental	ADJ
+perfectionist	NOUN
+and	CCONJ
+clearly	ADV
+proud	ADJ
+both	CCONJ
+of	ADP
+the	DET
+work	NOUN
+she	PRON
+does	VERB
+and	CCONJ
+the	DET
+reputation	NOUN
+she	PRON
+has	AUX
+established	VERB
+.	PUNCT
+
+Everyone	PRON
+was	AUX
+so	ADV
+helpful	ADJ
+that	SCONJ
+I	PRON
+can	AUX
+not	PART
+wait	VERB
+to	PART
+go	VERB
+back	ADV
+.....	PUNCT
+
+Peter	PROPN
+
+Wonderful	ADJ
+service	NOUN
+for	ADP
+large	ADJ
+group	NOUN
+
+I	PRON
+had	VERB
+my	PRON
+wedding	NOUN
+luncheon	NOUN
+at	ADP
+this	DET
+BJ	PROPN
+s	PART
+restaurant	PROPN
+,	PUNCT
+and	CCONJ
+it	PRON
+was	AUX
+one	NUM
+of	ADP
+the	DET
+best	ADJ
+choices	NOUN
+that	PRON
+I	PRON
+made	VERB
+.	PUNCT
+
+It	PRON
+was	AUX
+a	DET
+great	ADJ
+deal	NOUN
+--	PUNCT
+we	PRON
+paid	VERB
+a	DET
+certain	ADJ
+amount	NOUN
+per	ADP
+person	NOUN
+,	PUNCT
+and	CCONJ
+my	PRON
+husband	NOUN
+and	CCONJ
+I	PRON
+chose	VERB
+4	NUM
+types	NOUN
+of	ADP
+pizza	NOUN
+and	CCONJ
+the	DET
+servers	NOUN
+brought	VERB
+out	ADV
+as	ADV
+much	ADJ
+as	SCONJ
+we	PRON
+wanted	VERB
+.	PUNCT
+
+We	PRON
+were	AUX
+also	ADV
+served	VERB
+salad	NOUN
+and	CCONJ
+soda	NOUN
+.	PUNCT
+
+We	PRON
+had	VERB
+a	DET
+large	ADJ
+party	NOUN
+,	PUNCT
+about	ADV
+fifty	NUM
+people	NOUN
+or	CCONJ
+so	ADV
+,	PUNCT
+and	CCONJ
+yet	ADV
+everything	PRON
+was	AUX
+served	VERB
+quickly	ADV
+and	CCONJ
+we	PRON
+all	DET
+had	VERB
+a	DET
+wonderful	ADJ
+time	NOUN
+.	PUNCT
+
+Even	ADV
+though	SCONJ
+we	PRON
+were	AUX
+only	ADV
+supposed	VERB
+to	PART
+have	VERB
+those	DET
+specific	ADJ
+types	NOUN
+of	ADP
+pizza	NOUN
+,	PUNCT
+when	ADV
+guests	NOUN
+asked	VERB
+for	ADP
+a	DET
+different	ADJ
+type	NOUN
+,	PUNCT
+it	PRON
+was	AUX
+brought	VERB
+out	ADV
+with	ADP
+no	DET
+charge	NOUN
+to	ADP
+us	PRON
+!	PUNCT
+
+I	PRON
+really	ADV
+appreciate	VERB
+BJ	PROPN
+s	PART
+for	SCONJ
+making	VERB
+that	DET
+special	ADJ
+day	NOUN
+even	ADV
+better	ADJ
+with	ADP
+their	PRON
+wonderful	ADJ
+food	NOUN
+and	CCONJ
+service	NOUN
+.	PUNCT
+
+wonderful	ADJ
+
+I	PRON
+went	VERB
+to	ADP
+ohm	PROPN
+after	SCONJ
+reading	VERB
+some	DET
+of	ADP
+the	DET
+reviews	NOUN
+.	PUNCT
+
+I	PRON
+go	VERB
+to	ADP
+school	NOUN
+in	ADP
+the	DET
+area	NOUN
+and	CCONJ
+usually	ADV
+wait	VERB
+until	SCONJ
+I	PRON
+go	VERB
+home	ADV
+to	PART
+get	VERB
+my	PRON
+hair	NOUN
+cut	VERB
+.	PUNCT
+
+I	PRON
+decided	VERB
+it	PRON
+was	AUX
+time	NOUN
+to	PART
+grow	VERB
+up	ADP
+and	CCONJ
+made	VERB
+an	DET
+appointment	NOUN
+.	PUNCT
+
+Sierra	PROPN
+was	AUX
+my	PRON
+stylist	NOUN
+and	CCONJ
+i	PRON
+love	VERB
+what	PRON
+she	PRON
+did	VERB
+.	PUNCT
+
+I	PRON
+have	VERB
+wavy	ADJ
+hair	NOUN
+and	CCONJ
+she	PRON
+cut	VERB
+to	ADP
+my	PRON
+hair	NOUN
+style	NOUN
+.	PUNCT
+
+It	PRON
+was	AUX
+the	DET
+first	ADJ
+time	NOUN
+i	PRON
+had	AUX
+left	VERB
+a	DET
+salon	NOUN
+with	SCONJ
+my	PRON
+hair	NOUN
+curly	ADJ
+.	PUNCT
+
+Usually	ADV
+they	PRON
+blow	VERB
+dry	VERB
+it	PRON
+out	ADP
+and	CCONJ
+i	PRON
+have	VERB
+to	PART
+wait	VERB
+until	SCONJ
+i	PRON
+wash	VERB
+it	PRON
+to	PART
+see	VERB
+what	PRON
+it	PRON
+will	AUX
+look	VERB
+like	ADP
+in	ADP
+its	PRON
+natural	ADJ
+state	NOUN
+.	PUNCT
+
+But	CCONJ
+she	PRON
+did	VERB
+a	DET
+fabulous	ADJ
+job	NOUN
+letting	VERB
+me	PRON
+know	VERB
+what	PRON
+she	PRON
+was	AUX
+doing	VERB
+at	ADP
+all	DET
+times	NOUN
+and	CCONJ
+styled	VERB
+my	PRON
+hair	NOUN
+in	ADP
+a	DET
+way	NOUN
+i	PRON
+could	AUX
+do	VERB
+it	PRON
+at	ADP
+home	NOUN
+.	PUNCT
+
+It	PRON
+was	AUX
+n't	PART
+completly	ADV
+impossible	ADJ
+!!!!	PUNCT
+
+I	PRON
+am	AUX
+definitely	ADV
+going	VERB
+back	ADV
+
+After	SCONJ
+recently	ADV
+relocating	VERB
+to	ADP
+South	PROPN
+Bend	PROPN
+,	PUNCT
+we	PRON
+were	AUX
+looking	VERB
+for	ADP
+a	DET
+delicious	ADJ
+,	PUNCT
+fun	ADJ
+,	PUNCT
+yet	CCONJ
+elegant	ADJ
+establishment	NOUN
+for	ADP
+New	PROPN
+Year	PROPN
+s	PART
+Eve	PROPN
+dinner	NOUN
+.	PUNCT
+
+We	PRON
+were	AUX
+disappointed	ADJ
+with	ADP
+this	DET
+holiday	NOUN
+dinner	NOUN
+due	ADP
+to	ADP
+the	DET
+overall	ADJ
+flavor	NOUN
+and	CCONJ
+price	NOUN
+of	ADP
+the	DET
+meal	NOUN
+,	PUNCT
+and	CCONJ
+accessibility	NOUN
+to	ADP
+the	DET
+Jazz	PROPN
+Club	PROPN
+.	PUNCT
+
+The	DET
+meal	NOUN
+was	AUX
+extremely	ADV
+overpriced	ADJ
+and	CCONJ
+lacked	VERB
+flavor	NOUN
+,	PUNCT
+especially	ADV
+for	SCONJ
+being	AUX
+a	DET
+special	ADJ
+NYE	PROPN
+menu	NOUN
+.	PUNCT
+
+The	DET
+limited	ADJ
+menu	NOUN
+had	VERB
+few	ADJ
+appetizing	ADJ
+options	NOUN
+and	CCONJ
+the	DET
+NYE	PROPN
+special	ADJ
+packages	NOUN
+were	AUX
+way	ADV
+overpriced	ADJ
+.	PUNCT
+
+After	ADP
+our	PRON
+meal	NOUN
+,	PUNCT
+our	PRON
+server	NOUN
+found	VERB
+us	PRON
+a	DET
+table	NOUN
+in	ADP
+the	DET
+jazz	NOUN
+club	NOUN
+where	ADV
+we	PRON
+were	AUX
+informed	VERB
+it	PRON
+would	AUX
+be	AUX
+another	DET
+$	SYM
+10	NUM
+/	SYM
+person	NOUN
+to	PART
+stay	VERB
+and	CCONJ
+listen	VERB
+to	ADP
+the	DET
+band	NOUN
+,	PUNCT
+despite	ADP
+the	DET
+fact	NOUN
+we	PRON
+had	AUX
+just	ADV
+finished	VERB
+a	DET
+dinner	NOUN
+there	ADV
+and	CCONJ
+were	AUX
+intending	VERB
+to	PART
+enjoy	VERB
+their	PRON
+drink	NOUN
+list	NOUN
+.	PUNCT
+
+This	PRON
+was	AUX
+a	DET
+less	ADJ
+than	ADP
+impressive	ADJ
+experience	NOUN
+at	ADP
+Trio	PROPN
+'s	PART
+.	PUNCT
+
+Run	VERB
+for	ADP
+the	DET
+hills	NOUN
+...	PUNCT
+you	PRON
+'ll	AUX
+be	AUX
+much	ADV
+better	ADJ
+off	ADP
+!	PUNCT
+
+One	NUM
+night	NOUN
+was	AUX
+too	ADV
+much	ADJ
+.	PUNCT
+
+First	ADJ
+room	NOUN
+had	VERB
+used	VERB
+tissues	NOUN
+next	ADV
+to	ADP
+the	DET
+bed	NOUN
+and	CCONJ
+I	PRON
+requested	VERB
+it	PRON
+be	AUX
+rectified	VERB
+.	PUNCT
+
+I	PRON
+was	AUX
+then	ADV
+moved	VERB
+to	ADP
+another	DET
+room	NOUN
+around	ADP
+the	DET
+back	NOUN
+where	ADV
+the	DET
+room	NOUN
+was	AUX
+dirty	ADJ
+,	PUNCT
+the	DET
+shower	NOUN
+was	AUX
+dirty	ADJ
+with	ADP
+other	ADJ
+people	NOUN
+s	PART
+hair	NOUN
+in	ADP
+it	PRON
+,	PUNCT
+the	DET
+toilet	NOUN
+seat	NOUN
+was	AUX
+peeling	VERB
+and	CCONJ
+rough	ADJ
+and	CCONJ
+the	DET
+bathroom	NOUN
+was	AUX
+full	ADJ
+of	ADP
+mould	NOUN
+.	PUNCT
+
+I	PRON
+called	VERB
+reception	NOUN
+to	PART
+ask	VERB
+if	SCONJ
+they	PRON
+knew	VERB
+the	DET
+state	NOUN
+the	DET
+room	NOUN
+was	AUX
+in	ADP
+and	CCONJ
+was	AUX
+told	VERB
+"	PUNCT
+This	PRON
+is	AUX
+a	DET
+Days	PROPN
+Inn	PROPN
+,	PUNCT
+not	ADV
+the	DET
+Hilton	PROPN
+"	PUNCT
+and	CCONJ
+the	DET
+receptionist	ADJ
+then	ADV
+hung	VERB
+up	ADP
+on	ADP
+me	PRON
+.	PUNCT
+
+To	PART
+warn	VERB
+you	PRON
+to	PART
+stay	VERB
+away	ADV
+from	ADP
+this	DET
+place	NOUN
+just	ADV
+is	AUX
+n't	PART
+enough	ADJ
+.	PUNCT
+
+There	PRON
+was	VERB
+not	PART
+one	NUM
+ounce	NOUN
+of	ADP
+caring	NOUN
+involved	ADJ
+and	CCONJ
+anyone	PRON
+I	PRON
+can	AUX
+warn	VERB
+about	ADP
+the	DET
+complete	ADJ
+lack	NOUN
+of	ADP
+service	NOUN
+will	AUX
+be	AUX
+warned	VERB
+.	PUNCT
+
+Grocery	NOUN
+and	CCONJ
+Daily	ADJ
+Needs	NOUN
+Store	NOUN
+
+Before	SCONJ
+using	VERB
+FusionRetail	PROPN
+Before	SCONJ
+installing	VERB
+FusionRetail	PROPN
+store	NOUN
+was	AUX
+running	VERB
+on	ADP
+a	DET
+dos	PROPN
+based	VERB
+software	NOUN
+.	PUNCT
+
+We	PRON
+were	AUX
+having	VERB
+a	DET
+major	ADJ
+problem	NOUN
+in	SCONJ
+maintaining	VERB
+cash	NOUN
+.	PUNCT
+
+Being	AUX
+a	DET
+grocery	NOUN
+shop	NOUN
+,	PUNCT
+maintaining	VERB
+5000	NUM
+different	ADJ
+products	NOUN
+was	AUX
+a	DET
+challenging	ADJ
+job	NOUN
+.	PUNCT
+
+Managing	VERB
+POS	NOUN
+counter	NOUN
+without	ADP
+barcoding	NOUN
+was	AUX
+really	ADV
+a	DET
+tough	ADJ
+time	NOUN
+.	PUNCT
+
+How	ADV
+FusionRetail	PROPN
+has	AUX
+overcome	VERB
+these	DET
+issues	NOUN
+?	PUNCT
+
+FusionRetail	PROPN
+helps	VERB
+us	PRON
+to	PART
+maintain	VERB
+the	DET
+store	NOUN
+in	ADP
+an	DET
+organised	ADJ
+way	NOUN
+.	PUNCT
+
+Usage	NOUN
+of	ADP
+product	NOUN
+barcodes	NOUN
+and	CCONJ
+smooth	ADJ
+maintenance	NOUN
+of	ADP
+inventory	NOUN
+with	ADP
+proper	ADJ
+recording	NOUN
+of	ADP
+transactions	NOUN
+like	ADP
+sale	NOUN
+,	PUNCT
+purchase	NOUN
+and	CCONJ
+returns	NOUN
+was	AUX
+never	ADV
+easy	ADJ
+before	ADV
+.	PUNCT
+
+How	ADV
+long	ADV
+does	AUX
+it	PRON
+take	VERB
+to	PART
+train	VERB
+new	ADJ
+people	NOUN
+at	ADP
+work	NOUN
+?	PUNCT
+
+Billing	NOUN
+takes	VERB
+15	NUM
+minutes	NOUN
+and	CCONJ
+back	ADJ
+office	NOUN
+jobs	NOUN
+takes	VERB
+1	NUM
+day	NOUN
+'s	PART
+training	NOUN
+How	ADV
+fast	ADJ
+your	PRON
+support	NOUN
+queries	NOUN
+get	AUX
+answered	VERB
+?	PUNCT
+
+Over	ADP
+telephone	NOUN
+,	PUNCT
+immediate	ADJ
+.	PUNCT
+
+On	ADP
+call	NOUN
+,	PUNCT
+it	PRON
+takes	VERB
+a	DET
+day	NOUN
+to	PART
+get	VERB
+our	PRON
+issues	NOUN
+resolved	VERB
+.	PUNCT
+
+Ca	AUX
+n't	PART
+wait	VERB
+to	PART
+go	VERB
+back	ADV
+!!!	PUNCT
+
+This	PRON
+is	AUX
+by	ADP
+far	ADV
+the	DET
+BEST	ADJ
+B&B	NOUN
+that	PRON
+we	PRON
+have	AUX
+ever	ADV
+stayed	VERB
+at	ADP
+!	PUNCT
+
+We	PRON
+were	AUX
+in	ADP
+Santa	PROPN
+Fe	PROPN
+for	ADP
+a	DET
+special	ADJ
+event	NOUN
+and	CCONJ
+our	PRON
+hosts	NOUN
+rented	VERB
+out	ADP
+the	DET
+El	PROPN
+Paradero	PROPN
+for	SCONJ
+all	DET
+their	PRON
+guests	NOUN
+to	PART
+stay	VERB
+at	ADP
+.	PUNCT
+
+We	PRON
+could	AUX
+not	PART
+have	AUX
+been	AUX
+more	ADV
+welcomed	VERB
+,	PUNCT
+more	ADV
+comfortable	ADJ
+or	CCONJ
+more	ADV
+well	ADV
+fed	VERB
+.	PUNCT
+
+The	DET
+weekend	NOUN
+was	AUX
+perfect	ADJ
+in	ADP
+every	DET
+way	NOUN
+,	PUNCT
+in	ADP
+large	ADJ
+part	NOUN
+to	ADP
+Sue	PROPN
+and	CCONJ
+her	PRON
+great	ADJ
+staff	NOUN
+.	PUNCT
+
+Everyone	PRON
+was	AUX
+so	ADV
+friendly	ADJ
+and	CCONJ
+really	ADV
+went	VERB
+out	ADP
+of	ADP
+their	PRON
+way	NOUN
+to	PART
+make	VERB
+sure	ADJ
+everything	PRON
+went	VERB
+well	ADV
+.	PUNCT
+
+We	PRON
+can	AUX
+not	PART
+wait	VERB
+to	PART
+go	VERB
+back	ADV
+to	ADP
+Santa	PROPN
+Fe	PROPN
+and	CCONJ
+to	ADP
+this	DET
+great	ADJ
+B&B	NOUN
+...	PUNCT
+especially	ADV
+my	PRON
+4	NUM
+year	NOUN
+old	ADJ
+,	PUNCT
+who	PRON
+made	VERB
+friends	NOUN
+with	ADP
+Ms.	PROPN
+Sue	PROPN
+and	CCONJ
+all	DET
+the	DET
+ladies	NOUN
+,	PUNCT
+and	CCONJ
+has	AUX
+talked	VERB
+about	ADP
+them	PRON
+since	SCONJ
+we	PRON
+left	VERB
+!	PUNCT
+
+We	PRON
+would	AUX
+highly	ADV
+recommend	VERB
+the	DET
+El	PROPN
+Paradero	PROPN
+on	ADP
+your	PRON
+next	ADJ
+trip	NOUN
+to	ADP
+Santa	PROPN
+Fe	PROPN
+!	PUNCT
+
+Disatisfied	ADJ
+customer	NOUN
+,	PUNCT
+I	PRON
+went	VERB
+through	ADP
+Kitchen	PROPN
+Aid	PROPN
+and	CCONJ
+used	VERB
+one	NUM
+of	ADP
+their	PRON
+recommended	VERB
+vendors	NOUN
+.	PUNCT
+
+A&E	PROPN
+came	VERB
+out	ADV
+,	PUNCT
+charged	VERB
+$	SYM
+129	NUM
+fee	NOUN
+just	ADV
+to	PART
+walk	VERB
+in	ADP
+the	DET
+door	NOUN
+.	PUNCT
+
+I	PRON
+needed	VERB
+a	DET
+part	NOUN
+for	ADP
+my	PRON
+appliance	NOUN
+,	PUNCT
+the	DET
+cost	NOUN
+was	AUX
+very	ADV
+high	ADJ
+so	ADV
+I	PRON
+said	VERB
+never	ADV
+mind	VERB
+,	PUNCT
+paid	VERB
+the	DET
+fee	NOUN
+and	CCONJ
+called	VERB
+a	DET
+local	ADJ
+business	NOUN
+for	ADP
+a	DET
+second	ADJ
+quote	NOUN
+.	PUNCT
+
+The	DET
+second	ADJ
+vendor	NOUN
+charged	VERB
+$	SYM
+55	NUM
+(	PUNCT
+less	ADJ
+than	ADP
+half	NOUN
+of	SCONJ
+what	PRON
+A&E	PROPN
+charges	VERB
+)	PUNCT
+to	PART
+come	VERB
+and	CCONJ
+applied	VERB
+that	PRON
+to	ADP
+the	DET
+price	NOUN
+of	ADP
+the	DET
+repair	NOUN
+service	NOUN
+(	PUNCT
+which	PRON
+A&E	PROPN
+does	AUX
+not	PART
+)	PUNCT
+.	PUNCT
+
+Their	PRON
+quote	NOUN
+came	VERB
+in	ADV
+at	ADP
+half	DET
+the	DET
+price	NOUN
+of	ADP
+A&E	PROPN
+for	ADP
+the	DET
+same	ADJ
+work	NOUN
+and	CCONJ
+same	ADJ
+part	NOUN
+.	PUNCT
+
+Seems	VERB
+to	ADP
+me	PRON
+like	SCONJ
+A&E	PROPN
+charges	VERB
+way	ADV
+more	ADJ
+than	SCONJ
+necessary	ADJ
+!	PUNCT
+
+Very	ADV
+disappointed	ADJ
+in	ADP
+Kitchen	PROPN
+Aid	PROPN
+as	ADV
+well	ADV
+,	PUNCT
+I	PRON
+thought	VERB
+that	SCONJ
+they	PRON
+pre-screened	VERB
+their	PRON
+vendors	NOUN
+for	ADP
+price	NOUN
+and	CCONJ
+quality	NOUN
+of	ADP
+work	NOUN
+,	PUNCT
+obviously	ADV
+they	PRON
+do	AUX
+not	PART
+!	PUNCT
+
+Lovely	PROPN
+Nails	PROPN
+on	ADP
+Cayuga	PROPN
+St.	PROPN
+in	ADP
+Lewiston	PROPN
+,	PUNCT
+NY	PROPN
+
+First	ADV
+let	VERB
+me	PRON
+start	VERB
+out	ADP
+by	SCONJ
+saying	VERB
+,	PUNCT
+that	SCONJ
+I	PRON
+have	AUX
+had	VERB
+very	ADV
+nice	ADJ
+pedicures	NOUN
+at	ADP
+Lovely	PROPN
+Nails	PROPN
+on	ADP
+Military	PROPN
+Road	PROPN
+.	PUNCT
+
+I	PRON
+was	AUX
+very	ADV
+excited	ADJ
+that	SCONJ
+a	DET
+salon	NOUN
+was	AUX
+opening	VERB
+in	ADP
+Lewiston	PROPN
+,	PUNCT
+as	SCONJ
+I	PRON
+live	VERB
+in	ADP
+Youngstown	PROPN
+.	PUNCT
+
+I	PRON
+was	AUX
+in	ADV
+two	NUM
+weeks	NOUN
+ago	ADV
+and	CCONJ
+had	VERB
+the	DET
+worst	ADJ
+pedicure	NOUN
+that	PRON
+I	PRON
+have	AUX
+had	VERB
+in	ADP
+my	PRON
+life	NOUN
+.	PUNCT
+
+There	PRON
+were	VERB
+four	NUM
+of	ADP
+us	PRON
+and	CCONJ
+I	PRON
+was	AUX
+taken	VERB
+first	ADV
+by	ADP
+a	DET
+gentleman	NOUN
+.	PUNCT
+
+I	PRON
+put	VERB
+my	PRON
+foot	NOUN
+in	ADP
+the	DET
+water	NOUN
+and	CCONJ
+it	PRON
+was	AUX
+cool	ADJ
+.	PUNCT
+
+He	PRON
+did	AUX
+warm	VERB
+it	PRON
+up	ADP
+.	PUNCT
+
+He	PRON
+also	ADV
+hurt	VERB
+my	PRON
+toes	NOUN
+will	SCONJ
+pushing	VERB
+my	PRON
+cuticles	NOUN
+back	ADV
+.	PUNCT
+
+If	SCONJ
+the	DET
+pedicure	NOUN
+lasted	VERB
+20	NUM
+mins.	NOUN
+,	PUNCT
+that	PRON
+was	AUX
+a	DET
+stretch	NOUN
+.	PUNCT
+
+The	DET
+other	ADJ
+ladies	NOUN
+had	VERB
+a	DET
+similar	ADJ
+experience	NOUN
+,	PUNCT
+both	DET
+had	VERB
+nail	NOUN
+polish	NOUN
+on	ADP
+a	DET
+couple	NOUN
+of	ADP
+toes	NOUN
+.	PUNCT
+
+None	NOUN
+of	ADP
+us	PRON
+will	AUX
+be	AUX
+using	VERB
+their	PRON
+services	NOUN
+again	ADV
+,	PUNCT
+which	PRON
+is	AUX
+a	DET
+shame	NOUN
+.	PUNCT
+
+Good	ADJ
+Service	NOUN
+-	PUNCT
+Limited	ADJ
+Results	NOUN
+
+Andrew	PROPN
+was	AUX
+helpful	ADJ
+and	CCONJ
+knowledgeable	ADJ
+about	ADP
+acupuncture	NOUN
+re	ADP
+:	PUNCT
+infertility	NOUN
+.	PUNCT
+
+He	PRON
+was	AUX
+willing	ADJ
+to	PART
+talk	VERB
+to	ADP
+me	PRON
+about	ADP
+my	PRON
+specific	ADJ
+issues	NOUN
+and	CCONJ
+develop	VERB
+a	DET
+plan	NOUN
+of	ADP
+action	NOUN
+.	PUNCT
+
+The	DET
+office	NOUN
+is	AUX
+shared	VERB
+with	ADP
+a	DET
+foot	NOUN
+doctor	NOUN
+and	CCONJ
+it	PRON
+'s	AUX
+very	ADV
+sterile	ADJ
+and	CCONJ
+medical	ADJ
+feeling	VERB
+,	PUNCT
+which	PRON
+I	PRON
+liked	VERB
+.	PUNCT
+
+The	DET
+down	NOUN
+side	NOUN
+was	VERB
+that	SCONJ
+sometimes	ADV
+there	PRON
+was	VERB
+a	DET
+lot	NOUN
+of	ADP
+noise	NOUN
+in	ADP
+the	DET
+hallway	NOUN
+from	ADP
+other	ADJ
+patients	NOUN
+/	PUNCT
+doctors	NOUN
+.	PUNCT
+
+I	PRON
+worked	VERB
+with	ADP
+Andrew	PROPN
+for	ADP
+2	NUM
+months	NOUN
+and	CCONJ
+did	VERB
+acupuncture	NOUN
+and	CCONJ
+herbs	NOUN
+.	PUNCT
+
+The	DET
+sessions	NOUN
+were	AUX
+nice	ADJ
+and	CCONJ
+I	PRON
+felt	VERB
+relaxed	ADJ
+after	ADP
+them	PRON
+but	CCONJ
+did	AUX
+not	PART
+notice	VERB
+any	DET
+changes	NOUN
+with	ADP
+my	PRON
+cycles	NOUN
+.	PUNCT
+
+I	PRON
+know	VERB
+it	PRON
+can	AUX
+take	VERB
+a	DET
+while	NOUN
+for	ADP
+results	NOUN
+and	CCONJ
+did	AUX
+n't	PART
+expect	VERB
+a	DET
+miracle	NOUN
+,	PUNCT
+but	CCONJ
+after	ADP
+2	NUM
+months	NOUN
+I	PRON
+felt	VERB
+like	SCONJ
+it	PRON
+was	AUX
+not	PART
+entirely	ADV
+worth	ADJ
+the	DET
+cost	NOUN
+/	PUNCT
+time	NOUN
+.	PUNCT
+
+(	PUNCT
+I	PRON
+am	AUX
+also	ADV
+a	DET
+little	ADJ
+suspicious	ADJ
+of	ADP
+all	DET
+these	DET
+glowing	VERB
+reviews	NOUN
+...	PUNCT
+)	PUNCT
+
+Friendly	ADJ
+,	PUNCT
+clean	ADJ
+and	CCONJ
+excellent	ADJ
+location	NOUN
+
+The	DET
+staff	NOUN
+was	AUX
+very	ADV
+helpful	ADJ
+,	PUNCT
+and	CCONJ
+gave	VERB
+us	PRON
+good	ADJ
+advice	NOUN
+on	ADP
+day	NOUN
+and	CCONJ
+night	NOUN
+time	NOUN
+activities	NOUN
+.	PUNCT
+
+Common	ADJ
+room	NOUN
+was	AUX
+comfortable	ADJ
+and	CCONJ
+clean	ADJ
+,	PUNCT
+very	ADV
+good	ADJ
+room	NOUN
+to	PART
+read	VERB
+or	CCONJ
+relax	VERB
+.	PUNCT
+–	PUNCT
+
+A	DET
+great	ADJ
+breakfast	NOUN
+which	PRON
+was	AUX
+included	VERB
+every	DET
+morning	NOUN
+until	ADP
+9:30	NUM
+am	NOUN
+;	PUNCT
+yummy	ADJ
+fresh	ADJ
+Parisian	ADJ
+croissants	NOUN
+.	PUNCT
+
+Comfortable	ADJ
+and	CCONJ
+clean	ADJ
+beds	NOUN
+,	PUNCT
+a	DET
+bit	NOUN
+noisy	ADJ
+when	ADV
+people	NOUN
+were	AUX
+coming	VERB
+in	ADV
+late	ADV
+from	ADP
+a	DET
+night	NOUN
+out	ADV
+,	PUNCT
+but	CCONJ
+we	PRON
+did	AUX
+n't	PART
+mind	VERB
+too	ADV
+much	ADV
+as	SCONJ
+we	PRON
+were	AUX
+also	ADV
+just	ADV
+coming	VERB
+in	ADV
+from	ADP
+a	DET
+night	NOUN
+out	ADV
+!	PUNCT
+
+The	DET
+location	NOUN
+is	AUX
+really	ADV
+stellar	ADJ
+!	PUNCT
+
+It	PRON
+is	AUX
+next	ADV
+to	ADP
+Gare	PROPN
+du	PROPN
+Nord	PROPN
+and	CCONJ
+a	DET
+five	NUM
+minute	NOUN
+walk	NOUN
+to	ADP
+Sacre	PROPN
+Coeur	PROPN
+which	PRON
+is	AUX
+excellent	ADJ
+for	ADP
+shopping	NOUN
+.	PUNCT
+
+It	PRON
+is	AUX
+close	ADJ
+to	ADP
+bus	NOUN
+lines	NOUN
+for	ADP
+Opera	PROPN
+Plaza	PROPN
+,	PUNCT
+Galleries	PROPN
+Lafayette	PROPN
+,	PUNCT
+and	CCONJ
+the	DET
+famous	ADJ
+flea	NOUN
+Market	NOUN
+.	PUNCT
+
+We	PRON
+really	ADV
+enjoyed	VERB
+our	PRON
+stay	NOUN
+and	CCONJ
+would	AUX
+definitely	ADV
+stay	VERB
+at	ADP
+the	DET
+Vintage	PROPN
+Hostel	PROPN
+again	ADV
+.	PUNCT
+
+Just	PROPN
+Autos	PROPN
+Thank	VERB
+you	PRON
+!	PUNCT
+
+Was	AUX
+fast	ADJ
+and	CCONJ
+easy	ADJ
+,	PUNCT
+Just	ADV
+had	VERB
+our	PRON
+car	NOUN
+returned	VERB
+this	DET
+morning	NOUN
+,	PUNCT
+I	PRON
+would	AUX
+recommend	VERB
+these	DET
+Mobile	ADJ
+Mechanics	NOUN
+for	ADP
+sure	ADJ
+.	PUNCT
+
+They	PRON
+certainly	ADV
+know	VERB
+what	PRON
+they	PRON
+are	AUX
+doing	VERB
+.	PUNCT
+
+The	DET
+mechanic	NOUN
+came	VERB
+to	ADP
+our	PRON
+place	NOUN
+and	CCONJ
+sorted	VERB
+out	ADP
+our	PRON
+car	NOUN
+s	PART
+problems	NOUN
+,	PUNCT
+he	PRON
+explained	VERB
+the	DET
+problem	NOUN
+and	CCONJ
+was	AUX
+very	ADV
+up	ADJ
+front	ADJ
+and	CCONJ
+honest	ADJ
+,	PUNCT
+it	PRON
+was	AUX
+towed	VERB
+to	ADP
+the	DET
+workshop	NOUN
+as	SCONJ
+the	DET
+gearbox	NOUN
+was	AUX
+not	PART
+working	VERB
+(	PUNCT
+he	PRON
+explained	VERB
+it	PRON
+better	ADV
+)	PUNCT
+.	PUNCT
+
+They	PRON
+phoned	VERB
+the	DET
+same	ADJ
+day	NOUN
+,	PUNCT
+confirmed	VERB
+it	PRON
+was	AUX
+the	DET
+gearbox	NOUN
+quoted	VERB
+me	PRON
+the	DET
+job	NOUN
+,	PUNCT
+I	PRON
+gave	VERB
+the	DET
+go	NOUN
+ahead	NOUN
+.	PUNCT
+
+Now	ADV
+my	PRON
+car	NOUN
+s	PART
+gears	NOUN
+and	CCONJ
+brakes	NOUN
+have	AUX
+never	ADV
+run	VERB
+so	ADV
+well	ADV
+...	PUNCT
+ever	ADV
+it	PRON
+s	VERB
+like	SCONJ
+driving	VERB
+a	DET
+new	ADJ
+car	NOUN
+.	PUNCT
+
+So	ADV
+yes	INTJ
+,	PUNCT
+I	PRON
+would	AUX
+n't	PART
+hesitate	VERB
+in	SCONJ
+recommending	VERB
+the	DET
+team	NOUN
+at	ADP
+Just	PROPN
+Autos	PROPN
+for	ADP
+easy	ADJ
+professional	ADJ
+car	NOUN
+repairs	NOUN
+,	PUNCT
+Thank	VERB
+you	PRON
+Just	PROPN
+Autos	PROPN
+for	ADP
+your	PRON
+help	NOUN
+.	PUNCT
+
+I	PRON
+stopped	VERB
+in	ADV
+today	NOUN
+@	ADP
+Yards	PROPN
+Brewery	PROPN
+.	PUNCT
+
+I	PRON
+must	AUX
+say	VERB
+,	PUNCT
+I	PRON
+was	AUX
+impressed	ADJ
+with	ADP
+the	DET
+size	NOUN
+of	ADP
+the	DET
+bar	NOUN
+area	NOUN
+and	CCONJ
+lounge	NOUN
+,	PUNCT
+&	CCONJ
+I	PRON
+liked	VERB
+that	SCONJ
+you	PRON
+could	AUX
+see	VERB
+the	DET
+brewery	NOUN
+right	ADV
+thru	ADP
+the	DET
+glass	NOUN
+!	PUNCT
+
+I	PRON
+had	VERB
+a	DET
+sampler	NOUN
+of	ADP
+IPA	NOUN
+,	PUNCT
+Brawler	PROPN
+,	PUNCT
+Love	PROPN
+Stout	PROPN
+&	CCONJ
+ESA	NOUN
+.	PUNCT
+
+All	DET
+were	AUX
+awesome	ADJ
+,	PUNCT
+&	CCONJ
+I	PRON
+had	VERB
+a	DET
+Dogwood	NOUN
+Grilled	VERB
+Cheese	NOUN
+which	PRON
+was	AUX
+enjoyable	ADJ
+with	ADP
+the	DET
+fine	ADJ
+beers	NOUN
+.	PUNCT
+
+After	ADP
+my	PRON
+sampler	NOUN
+&	CCONJ
+sandwich	NOUN
+,	PUNCT
+I	PRON
+asked	VERB
+for	ADP
+a	DET
+pint	NOUN
+of	ADP
+there	PRON
+Nitrogen	PROPN
+Love	PROPN
+Stout	PROPN
+,	PUNCT
+I	PRON
+must	AUX
+say	VERB
+I	PRON
+was	AUX
+impressed	ADJ
+,	PUNCT
+with	ADP
+the	DET
+great	ADJ
+taste	NOUN
+&	CCONJ
+I	PRON
+am	AUX
+a	DET
+Guiness	PROPN
+Lover	NOUN
+so	ADV
+coming	VERB
+from	ADP
+me	PRON
+,	PUNCT
+I	PRON
+think	VERB
+this	PRON
+is	AUX
+better	ADJ
+,	PUNCT
+it	PRON
+s	AUX
+less	ADV
+dry	ADJ
+&	CCONJ
+smoother	ADJ
+!	PUNCT
+
+If	SCONJ
+you	PRON
+are	AUX
+in	ADP
+Philly	PROPN
+you	PRON
+have	VERB
+to	PART
+come	VERB
+check	VERB
+this	DET
+place	NOUN
+out	ADP
+!	PUNCT
+
+The	DET
+only	ADJ
+negative	NOUN
+I	PRON
+have	VERB
+abou	ADP
+this	DET
+place	NOUN
+is	AUX
+the	DET
+parking	NOUN
+!	PUNCT
+
+I	PRON
+left	VERB
+with	ADP
+a	DET
+case	NOUN
+of	ADP
+BRAWLER	PROPN
+!!!!	PUNCT
+!	PUNCT
+
+Oil	NOUN
+Change	NOUN
+Disaster	NOUN
+
+My	PRON
+wife	NOUN
+had	AUX
+taken	VERB
+her	PRON
+'07	NUM
+Ford	PROPN
+Fusion	PROPN
+in	ADV
+for	ADP
+a	DET
+routine	ADJ
+oil	NOUN
+change	NOUN
+.	PUNCT
+
+A	DET
+couple	NOUN
+days	NOUN
+after	ADP
+the	DET
+oil	NOUN
+change	NOUN
+,	PUNCT
+the	DET
+engine	NOUN
+ran	VERB
+rough	ADV
+,	PUNCT
+the	DET
+low	ADJ
+oil	NOUN
+pressure	NOUN
+light	NOUN
+would	AUX
+come	VERB
+on	ADP
+sporadically	ADV
+,	PUNCT
+and	CCONJ
+the	DET
+engine	NOUN
+would	AUX
+whir	VERB
+loudly	ADV
+.	PUNCT
+
+Turns	VERB
+out	ADP
+the	DET
+engine	NOUN
+had	VERB
+no	DET
+oil	NOUN
+,	PUNCT
+and	CCONJ
+when	ADV
+oil	NOUN
+was	AUX
+put	VERB
+it	ADV
+,	PUNCT
+it	PRON
+would	AUX
+just	ADV
+run	VERB
+out	ADP
+of	ADP
+the	DET
+filter	NOUN
+.	PUNCT
+
+There	PRON
+could	AUX
+have	VERB
+(	PUNCT
+hopefully	ADV
+does	AUX
+n't	PART
+have	VERB
+)	PUNCT
+major	ADJ
+damage	NOUN
+to	ADP
+the	DET
+engine	NOUN
+.	PUNCT
+
+All	DET
+of	ADP
+this	PRON
+started	VERB
+after	ADP
+their	PRON
+oil	NOUN
+change	NOUN
+.	PUNCT
+
+Once	SCONJ
+they	PRON
+realized	VERB
+their	PRON
+mistake	NOUN
+they	PRON
+sent	VERB
+a	DET
+mechanic	NOUN
+and	CCONJ
+tow	NOUN
+truck	NOUN
+to	ADP
+my	PRON
+wife	NOUN
+'s	PART
+work	NOUN
+and	CCONJ
+towed	VERB
+it	PRON
+back	ADV
+to	PART
+fix	VERB
+it	PRON
+.	PUNCT
+
+I	PRON
+would	AUX
+not	PART
+recommend	VERB
+this	DET
+shop	NOUN
+for	ADP
+anything	PRON
+,	PUNCT
+not	ADV
+even	ADV
+something	PRON
+as	ADV
+simple	ADJ
+as	ADP
+an	DET
+oil	NOUN
+change	NOUN
+.	PUNCT
+
+Plus	CCONJ
+they	PRON
+will	AUX
+overcharge	VERB
+you	PRON
+for	ADP
+just	ADV
+about	ADV
+everything	PRON
+,	PUNCT
+and	CCONJ
+smile	VERB
+while	SCONJ
+doing	VERB
+it	PRON
+.	PUNCT
+
+Liars	NOUN
+,	PUNCT
+negative	ADJ
+stars	NOUN
+!	PUNCT
+
+Took	VERB
+my	PRON
+Cruze	PROPN
+in	ADV
+twice	ADV
+for	ADP
+poor	ADJ
+fuel	NOUN
+economy	NOUN
+.	PUNCT
+
+The	DET
+first	ADJ
+time	NOUN
+they	PRON
+claimed	VERB
+to	PART
+get	VERB
+reasonable	ADJ
+mpg	NOUN
+.	PUNCT
+
+However	ADV
+,	PUNCT
+they	PRON
+would	AUX
+never	ADV
+drive	VERB
+the	DET
+car	NOUN
+with	SCONJ
+me	PRON
+in	ADP
+it	PRON
+to	PART
+prove	VERB
+their	PRON
+findings	NOUN
+.	PUNCT
+
+I	PRON
+wonder	VERB
+if	SCONJ
+they	PRON
+were	AUX
+going	VERB
+down	ADP
+a	DET
+hill	NOUN
+!	PUNCT
+
+They	PRON
+told	VERB
+me	PRON
+to	PART
+bring	VERB
+it	PRON
+back	ADV
+after	ADP
+5000	NUM
+miles	NOUN
+.	PUNCT
+
+I	PRON
+brought	VERB
+it	PRON
+back	ADV
+with	ADP
+9000	NUM
+miles	NOUN
+.	PUNCT
+
+They	PRON
+"	PUNCT
+finished	VERB
+"	PUNCT
+the	DET
+work	NOUN
+and	CCONJ
+told	VERB
+me	PRON
+the	DET
+car	NOUN
+was	AUX
+ready	ADJ
+.	PUNCT
+
+I	PRON
+found	VERB
+out	ADP
+they	PRON
+did	AUX
+not	PART
+even	ADV
+drive	VERB
+the	DET
+car	NOUN
+,	PUNCT
+stated	VERB
+they	PRON
+looked	VERB
+at	ADP
+it	PRON
+before	ADV
+.	PUNCT
+
+They	PRON
+still	ADV
+would	AUX
+not	PART
+drive	VERB
+the	DET
+car	NOUN
+with	ADP
+me	PRON
+to	PART
+show	VERB
+their	PRON
+mpg	NOUN
+number	NOUN
+.	PUNCT
+
+They	PRON
+also	ADV
+claimed	VERB
+not	ADV
+to	PART
+see	VERB
+anything	PRON
+wrong	ADJ
+with	ADP
+the	DET
+blower	NOUN
+fan	NOUN
+(	PUNCT
+a	DET
+seperate	ADJ
+issue	NOUN
+)	PUNCT
+,	PUNCT
+but	CCONJ
+when	ADV
+I	PRON
+drove	VERB
+the	DET
+car	NOUN
+home	ADV
+I	PRON
+had	VERB
+the	DET
+same	ADJ
+symptoms	NOUN
+.	PUNCT
+
+I	PRON
+will	AUX
+never	ADV
+purchace	VERB
+another	DET
+vehicle	NOUN
+from	ADP
+Vic	PROPN
+Canever	PROPN
+.	PUNCT
+
+Great	ADJ
+Job	NOUN
+
+I	PRON
+want	VERB
+to	PART
+say	VERB
+that	SCONJ
+Mike	PROPN
+did	VERB
+a	DET
+great	ADJ
+job	NOUN
+for	ADP
+our	PRON
+family	NOUN
+in	ADP
+our	PRON
+time	NOUN
+of	ADP
+need	NOUN
+.	PUNCT
+
+Both	DET
+my	PRON
+grandparents	NOUN
+passed	VERB
+away	ADV
+4	NUM
+months	NOUN
+apart	ADV
+and	CCONJ
+Mike	PROPN
+was	AUX
+very	ADV
+understanding	ADJ
+.	PUNCT
+
+It	PRON
+was	AUX
+a	DET
+very	ADV
+trying	ADJ
+time	NOUN
+for	ADP
+my	PRON
+family	NOUN
+and	CCONJ
+myself	PRON
+yet	CCONJ
+Mike	PROPN
+took	VERB
+the	DET
+time	NOUN
+to	PART
+greet	VERB
+each	DET
+and	CCONJ
+every	DET
+one	NUM
+one	NUM
+of	ADP
+us	PRON
+.	PUNCT
+
+He	PRON
+is	AUX
+very	ADV
+professional	ADJ
+in	ADP
+his	PRON
+position	NOUN
+as	ADP
+a	DET
+director	NOUN
+and	CCONJ
+yet	CCONJ
+he	PRON
+still	ADV
+made	VERB
+time	NOUN
+to	PART
+be	AUX
+compassionate	ADJ
+for	SCONJ
+what	PRON
+we	PRON
+were	AUX
+all	ADV
+going	VERB
+through	ADP
+.	PUNCT
+
+I	PRON
+'m	AUX
+sure	ADJ
+it	PRON
+s	AUX
+not	PART
+every	DET
+day	NOUN
+that	SCONJ
+a	DET
+funeral	NOUN
+director	NOUN
+sees	VERB
+the	DET
+same	ADJ
+family	NOUN
+in	ADP
+such	DET
+a	DET
+short	ADJ
+time	NOUN
+.	PUNCT
+
+My	PRON
+grandfather	NOUN
+passed	VERB
+away	ADV
+silently	ADV
+in	ADP
+his	PRON
+sleep	NOUN
+,	PUNCT
+and	CCONJ
+my	PRON
+grandmother	NOUN
+passed	VERB
+away	ADV
+after	ADP
+a	DET
+short	ADJ
+struggle	NOUN
+with	ADP
+cancer	NOUN
+.	PUNCT
+
+Both	DET
+my	PRON
+grandparents	NOUN
+looked	VERB
+as	ADV
+natural	ADJ
+as	SCONJ
+could	AUX
+be	AUX
+expected	VERB
+.	PUNCT
+
+Thank	VERB
+you	PRON
+Mike	PROPN
+for	ADP
+all	DET
+your	PRON
+help	NOUN
+professionally	ADV
+and	CCONJ
+personally	ADV
+.	PUNCT
+
+The	DET
+Peterson	PROPN
+Family	NOUN
+
+Poor	ADJ
+service	NOUN
+
+If	SCONJ
+you	PRON
+like	VERB
+the	DET
+drama	NOUN
+described	VERB
+in	ADP
+popular	ADJ
+sitcom	NOUN
+'	PUNCT
+Seinfeld	PROPN
+'	PUNCT
+,	PUNCT
+you	PRON
+will	AUX
+see	VERB
+it	PRON
+here	ADV
+.	PUNCT
+
+We	PRON
+signed	VERB
+our	PRON
+name	NOUN
+in	ADP
+about	ADV
+6:00	NUM
+pm	NOUN
+.	PUNCT
+
+There	PRON
+were	VERB
+3	NUM
+names	NOUN
+before	ADP
+us	PRON
+.	PUNCT
+
+The	DET
+greeter	NOUN
+said	VERB
+there	PRON
+was	VERB
+about	ADV
+15	NUM
+minutes	NOUN
+waiting	NOUN
+.	PUNCT
+
+However	ADV
+,	PUNCT
+we	PRON
+waited	VERB
+and	CCONJ
+waited	VERB
+and	CCONJ
+in	ADP
+the	DET
+mean	X
+time	NOUN
+,	PUNCT
+saw	VERB
+4	NUM
+groups	NOUN
+of	ADP
+people	NOUN
+simply	ADV
+just	ADV
+paraded	VERB
+in	ADV
+without	SCONJ
+signing	VERB
+there	PRON
+names	NOUN
+.	PUNCT
+
+This	DET
+sign	VERB
+in	ADP
+policy	NOUN
+is	AUX
+posted	VERB
+by	ADP
+the	DET
+restaurant	NOUN
+“	PUNCT
+no	DET
+reservation	NOUN
+,	PUNCT
+sign	VERB
+your	PRON
+name	NOUN
+here	ADV
+”	PUNCT
+.	PUNCT
+
+I	PRON
+had	VERB
+to	PART
+ask	VERB
+the	DET
+greeter	NOUN
+,	PUNCT
+he	PRON
+explained	VERB
+his	PRON
+reasons	NOUN
+with	ADP
+broken	ADJ
+English	PROPN
+.	PUNCT
+
+I	PRON
+could	AUX
+not	PART
+understand	VERB
+any	DET
+his	PRON
+reasons	NOUN
+.	PUNCT
+
+I	PRON
+could	AUX
+only	ADV
+take	VERB
+it	PRON
+as	SCONJ
+they	PRON
+would	AUX
+seat	VERB
+the	DET
+people	NOUN
+they	PRON
+know	VERB
+first	ADV
+.	PUNCT
+
+My	PRON
+conclusion	NOUN
+is	VERB
+that	SCONJ
+you	PRON
+should	AUX
+only	ADV
+go	VERB
+there	ADV
+if	SCONJ
+you	PRON
+want	VERB
+to	PART
+wait	VERB
+a	ADV
+least	ADV
+an	DET
+hour	NOUN
+and	CCONJ
+see	VERB
+all	DET
+kinds	NOUN
+other	ADJ
+people	NOUN
+being	AUX
+seated	VERB
+before	ADP
+you	PRON
+.	PUNCT
+
+Instructor	NOUN
+never	ADV
+showed	VERB
+up	ADP
+!	PUNCT
+
+January	PROPN
+15th	NOUN
+--	PUNCT
+We	PRON
+were	AUX
+signed	VERB
+up	ADP
+for	ADP
+Saturday	PROPN
+'s	PART
+2	NUM
+PM	NOUN
+class	NOUN
+"	PUNCT
+Beginning	NOUN
+Yoga	NOUN
+with	ADP
+Brittany	PROPN
+.	PUNCT
+"	PUNCT
+
+We	PRON
+even	ADV
+arrived	VERB
+10	NUM
+minutes	NOUN
+early	ADV
+as	SCONJ
+the	DET
+website	NOUN
+suggests	VERB
+.	PUNCT
+
+The	DET
+instructor	NOUN
+did	AUX
+not	PART
+show	VERB
+up	ADP
+!	PUNCT
+
+We	PRON
+waited	VERB
+until	ADP
+2:25	NUM
+PM	NOUN
+and	CCONJ
+then	ADV
+left	VERB
+.	PUNCT
+
+There	PRON
+were	VERB
+2	NUM
+in	ADP
+our	PRON
+group	NOUN
+,	PUNCT
+and	CCONJ
+a	DET
+3rd	ADJ
+person	NOUN
+was	AUX
+also	ADV
+in	ADP
+the	DET
+parking	NOUN
+lot	NOUN
+waiting	VERB
+for	ADP
+this	DET
+class	NOUN
+.	PUNCT
+
+Well	INTJ
+,	PUNCT
+not	ADV
+much	ADV
+I	PRON
+can	AUX
+say	VERB
+except	SCONJ
+I	PRON
+'m	AUX
+very	ADV
+disappointed	ADJ
+with	ADP
+this	DET
+experience	NOUN
+.	PUNCT
+
+This	PRON
+was	AUX
+our	PRON
+first	ADJ
+visit	NOUN
+to	ADP
+your	PRON
+studio	NOUN
+.	PUNCT
+
+In	ADP
+today	NOUN
+'s	PART
+instant	ADJ
+world	NOUN
+,	PUNCT
+there	PRON
+'s	VERB
+no	DET
+reason	NOUN
+for	SCONJ
+the	DET
+instructor	NOUN
+not	ADV
+to	PART
+even	ADV
+have	AUX
+given	VERB
+us	PRON
+a	DET
+phone	NOUN
+call	NOUN
+or	CCONJ
+e-mail	NOUN
+if	SCONJ
+she	PRON
+was	AUX
+going	VERB
+to	PART
+be	AUX
+late	ADJ
+.	PUNCT
+
+As	ADP
+a	DET
+yoga	NOUN
+studio	NOUN
+,	PUNCT
+I	PRON
+'m	AUX
+sure	ADJ
+you	PRON
+'re	AUX
+all	ADV
+aware	ADJ
+that	SCONJ
+all	DET
+actions	NOUN
+generate	VERB
+karma	NOUN
+…	PUNCT
+
+and	CCONJ
+sometimes	ADV
+karma	NOUN
+can	AUX
+manifest	VERB
+itself	PRON
+on	ADP
+a	DET
+bad	ADJ
+review	NOUN
+on	ADP
+Google	PROPN
+.	PUNCT
+
+Finest	ADJ
+??	PUNCT
+
+Really	ADV
+??	PUNCT
+
+I	PRON
+beg	VERB
+to	PART
+differ	VERB
+.	PUNCT
+
+This	DET
+place	NOUN
+is	AUX
+marginal	ADJ
+at	ADV
+best	ADV
+.	PUNCT
+
+Not	ADV
+very	ADV
+welcoming	ADJ
+and	CCONJ
+focused	VERB
+mostly	ADV
+on	SCONJ
+keeping	VERB
+little	ADJ
+kids	NOUN
+entertained	ADJ
+.	PUNCT
+
+I	PRON
+was	AUX
+not	ADV
+impressed	ADJ
+,	PUNCT
+and	CCONJ
+quite	ADV
+frustrated	ADJ
+at	ADP
+their	PRON
+lack	NOUN
+of	ADP
+rating	NOUN
+for	ADP
+their	PRON
+courses	NOUN
+.	PUNCT
+
+I	PRON
+understand	VERB
+not	ADV
+wanting	VERB
+to	PART
+put	VERB
+labels	NOUN
+like	ADP
+5.10	NUM
+on	ADP
+an	DET
+indoor	ADJ
+course	NOUN
+,	PUNCT
+because	SCONJ
+yes	INTJ
+,	PUNCT
+it	PRON
+is	AUX
+not	PART
+the	DET
+same	ADJ
+,	PUNCT
+but	CCONJ
+some	DET
+clear	ADJ
+understanding	NOUN
+of	ADP
+the	DET
+difficulty	NOUN
+of	ADP
+one	NUM
+course	NOUN
+to	ADP
+another	DET
+is	AUX
+nice	ADJ
+when	ADV
+you	PRON
+are	AUX
+an	DET
+intermediate	ADJ
+climber	NOUN
+looking	VERB
+to	PART
+improve	VERB
+.	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+want	VERB
+to	PART
+waste	VERB
+my	PRON
+time	NOUN
+on	ADP
+routes	NOUN
+set	VERB
+for	ADP
+children	NOUN
+,	PUNCT
+but	CCONJ
+I	PRON
+do	AUX
+n't	PART
+want	VERB
+to	PART
+take	VERB
+on	ADP
+something	PRON
+I	PRON
+ca	AUX
+n't	PART
+handle	VERB
+just	ADV
+to	PART
+strain	VERB
+myself	PRON
+to	ADP
+exhaustion	NOUN
+.	PUNCT
+
+Rate	VERB
+the	DET
+routes	NOUN
+,	PUNCT
+with	ADP
+understandable	ADJ
+markings	NOUN
+and	CCONJ
+a	DET
+more	ADV
+detailed	ADJ
+system	NOUN
+than	ADP
+easy	ADJ
+,	PUNCT
+moderate	ADJ
+,	PUNCT
+and	CCONJ
+hard	ADJ
+.	PUNCT
+
+Again	ADV
+,	PUNCT
+a	DET
+great	ADJ
+outing	NOUN
+for	ADP
+the	DET
+kids	NOUN
+,	PUNCT
+a	DET
+frustration	NOUN
+for	ADP
+an	DET
+out	ADP
+of	ADP
+town	NOUN
+climber	NOUN
+.	PUNCT
+
+Best	ADJ
+DJ's	NOUN
+In	ADP
+Town	NOUN
+!	PUNCT
+
+Wow	INTJ
+!	PUNCT
+
+These	DET
+guys	NOUN
+were	AUX
+the	DET
+best	ADJ
+.	PUNCT
+
+They	PRON
+were	AUX
+thorough	ADJ
+,	PUNCT
+high	ADJ
+class	NOUN
+,	PUNCT
+and	CCONJ
+went	VERB
+above	ADV
+and	CCONJ
+beyond	ADV
+.	PUNCT
+
+We	PRON
+never	ADV
+had	VERB
+to	PART
+worry	VERB
+about	ADP
+a	DET
+thing	NOUN
+,	PUNCT
+and	CCONJ
+they	PRON
+led	VERB
+the	DET
+way	NOUN
+the	DET
+whole	ADJ
+time	NOUN
+.	PUNCT
+
+They	PRON
+asked	VERB
+us	PRON
+things	NOUN
+that	PRON
+we	PRON
+would	AUX
+have	AUX
+never	ADV
+have	AUX
+thought	VERB
+of	ADP
+,	PUNCT
+and	CCONJ
+took	VERB
+extra	ADJ
+time	NOUN
+to	PART
+meet	VERB
+with	ADP
+us	PRON
+when	ADV
+we	PRON
+needed	VERB
+it	PRON
+before	ADP
+the	DET
+wedding	NOUN
+.	PUNCT
+
+Having	VERB
+a	DET
+team	NOUN
+was	AUX
+the	DET
+best	ADJ
+because	SCONJ
+they	PRON
+kept	VERB
+the	DET
+flow	NOUN
+of	ADP
+the	DET
+wedding	NOUN
+going	VERB
+the	DET
+whole	ADJ
+time	NOUN
+!	PUNCT
+
+They	PRON
+may	AUX
+look	VERB
+young	ADJ
+but	CCONJ
+do	AUX
+n't	PART
+let	VERB
+that	PRON
+fool	VERB
+you	PRON
+,	PUNCT
+as	SCONJ
+their	PRON
+knowledge	NOUN
+of	ADP
+music	NOUN
+far	ADV
+surpassed	VERB
+what	PRON
+we	PRON
+expected	VERB
+.	PUNCT
+
+I	PRON
+am	AUX
+a	DET
+music	NOUN
+junkie	NOUN
+that	PRON
+grew	VERB
+up	ADP
+in	ADP
+the	DET
+80's	NOUN
+,	PUNCT
+and	CCONJ
+my	PRON
+dad	NOUN
+worked	VERB
+for	ADP
+a	DET
+record	NOUN
+label	NOUN
+in	ADP
+the	DET
+1960's	NOUN
+.	PUNCT
+
+So	ADV
+we	PRON
+did	AUX
+n't	PART
+expect	VERB
+them	PRON
+to	PART
+even	ADV
+know	VERB
+some	DET
+of	ADP
+the	DET
+requests	NOUN
+that	PRON
+we	PRON
+asked	VERB
+that	DET
+night	NOUN
+.	PUNCT
+
+They	PRON
+just	ADV
+really	ADV
+know	VERB
+their	PRON
+stuff	NOUN
+!	PUNCT
+
+NEVER	ADV
+fear	VERB
+going	VERB
+to	ADP
+the	DET
+dentist	NOUN
+again	ADV
+!	PUNCT
+
+I	PRON
+'m	AUX
+61	NUM
+years	NOUN
+old	ADJ
+and	CCONJ
+have	VERB
+dental	ADJ
+problems	NOUN
+my	PRON
+entire	ADJ
+life	NOUN
+.	PUNCT
+
+By	ADP
+the	DET
+age	NOUN
+of	ADP
+24	NUM
+I	PRON
+stopped	VERB
+going	VERB
+to	ADP
+the	DET
+dentist	NOUN
+.	PUNCT
+
+My	PRON
+fear	NOUN
+and	CCONJ
+discomfort	NOUN
+from	ADP
+dental	ADJ
+work	NOUN
+scared	VERB
+me	PRON
+!	PUNCT
+
+It	PRON
+took	VERB
+all	DET
+the	DET
+courage	NOUN
+I	PRON
+could	AUX
+muster	VERB
+to	PART
+make	VERB
+an	DET
+appointment	NOUN
+.	PUNCT
+
+At	ADP
+the	DET
+front	ADJ
+door	NOUN
+of	ADP
+his	PRON
+office	NOUN
+,	PUNCT
+I	PRON
+nearly	ADV
+turned	VERB
+around	ADV
+.	PUNCT
+
+I	PRON
+considered	VERB
+just	ADV
+leaving	VERB
+after	SCONJ
+going	VERB
+inside	ADV
+and	CCONJ
+nearly	ADV
+did	AUX
+.	PUNCT
+
+Doctor	PROPN
+Gonzales	PROPN
+and	CCONJ
+his	PRON
+entire	ADJ
+staff	NOUN
+are	AUX
+the	DET
+most	ADV
+professional	ADJ
+people	NOUN
+I	PRON
+have	AUX
+ever	ADV
+dealt	VERB
+with	ADP
+.	PUNCT
+
+They	PRON
+made	VERB
+me	PRON
+feel	VERB
+confident	ADJ
+in	SCONJ
+what	PRON
+they	PRON
+would	AUX
+do	VERB
+,	PUNCT
+and	CCONJ
+treated	VERB
+me	PRON
+like	ADP
+a	DET
+member	NOUN
+of	ADP
+their	PRON
+own	ADJ
+family	NOUN
+.	PUNCT
+
+I	PRON
+never	ADV
+felt	VERB
+pain	NOUN
+or	CCONJ
+discomfort	NOUN
+.	PUNCT
+
+The	DET
+ability	NOUN
+to	PART
+smile	VERB
+and	CCONJ
+eat	VERB
+again	ADV
+can	AUX
+only	ADV
+be	AUX
+described	VERB
+as	ADP
+a	DET
+whole	ADV
+new	ADJ
+lease	NOUN
+on	ADP
+life	NOUN
+.	PUNCT
+
+Thank	VERB
+you	PRON
+Doctor	PROPN
+Gonzales	PROPN
+,	PUNCT
+Doctor	PROPN
+Stout	PROPN
+,	PUNCT
+Eva	PROPN
+Marie	PROPN
+and	CCONJ
+the	DET
+entire	ADJ
+staff	NOUN
+!	PUNCT
+
+Rocky	PROPN
+M.	PROPN
+Lange	PROPN
+Retired	ADJ
+Coordinator	NOUN
+,	PUNCT
+Clark	PROPN
+County	PROPN
+School	PROPN
+District	PROPN
+
+HORRIBLE	ADJ
+SERVICE	NOUN
+AND	CCONJ
+FOOD	NOUN
+
+not	ADV
+only	ADV
+is	AUX
+this	DET
+place	NOUN
+too	ADV
+expensive	ADJ
+for	SCONJ
+what	PRON
+it	PRON
+is	VERB
+,	PUNCT
+it	PRON
+s	AUX
+horrible	ADJ
+!	PUNCT
+
+In	ADP
+the	DET
+past	NOUN
+,	PUNCT
+I	PRON
+got	VERB
+a	DET
+steak	NOUN
+and	CCONJ
+there	PRON
+was	VERB
+more	ADJ
+fat	NOUN
+and	CCONJ
+rough	ADJ
+pieces	NOUN
+than	SCONJ
+there	PRON
+was	VERB
+good	ADJ
+steak	NOUN
+(	PUNCT
+and	CCONJ
+this	PRON
+was	AUX
+the	DET
+sirloin	NOUN
+!	PUNCT
+)	PUNCT
+,	PUNCT
+the	DET
+sides	NOUN
+were	AUX
+drenched	VERB
+with	ADP
+butter	NOUN
+and	CCONJ
+the	DET
+salad	NOUN
+was	AUX
+a	DET
+little	NOUN
+on	ADP
+the	DET
+brown	ADJ
+side	NOUN
+.	PUNCT
+
+Today	NOUN
+we	PRON
+went	VERB
+for	ADP
+a	DET
+party	NOUN
+(	PUNCT
+during	ADP
+lunch	NOUN
+,	PUNCT
+so	ADV
+the	DET
+place	NOUN
+was	AUX
+empty	ADJ
+)	PUNCT
+with	ADP
+about	ADV
+25	NUM
+other	ADJ
+people	NOUN
+.	PUNCT
+
+It	PRON
+took	VERB
+over	ADV
+1.5	NUM
+hours	NOUN
+for	SCONJ
+our	PRON
+food	NOUN
+to	PART
+come	VERB
+out	ADV
+and	CCONJ
+by	ADP
+that	DET
+time	NOUN
+my	PRON
+8	NUM
+month	NOUN
+old	ADJ
+had	VERB
+it	PRON
+!	PUNCT
+
+Does	AUX
+it	PRON
+seriously	ADV
+take	VERB
+that	ADV
+long	ADV
+for	ADP
+a	DET
+soup	NOUN
+and	CCONJ
+salad	NOUN
+?	PUNCT
+
+I	PRON
+was	AUX
+a	DET
+waitress	NOUN
+for	ADP
+years	NOUN
+and	CCONJ
+a	DET
+key	ADJ
+rule	NOUN
+is	VERB
+to	PART
+serve	VERB
+customers	NOUN
+with	ADP
+small	ADJ
+children	NOUN
+before	ADP
+others	NOUN
+,	PUNCT
+as	SCONJ
+I	PRON
+was	AUX
+the	DET
+last	ADJ
+to	PART
+get	VERB
+my	PRON
+food	NOUN
+.	PUNCT
+
+I	PRON
+would	AUX
+NOT	PART
+recommend	VERB
+having	VERB
+a	DET
+party	NOUN
+here	ADV
+or	CCONJ
+even	ADV
+going	VERB
+here	ADV
+.	PUNCT
+
+Texas	PROPN
+Roadhouse	PROPN
+is	AUX
+WAY	ADV
+better	ADJ
+!!	PUNCT
+
+Spay	NOUN
+and	CCONJ
+neuter	NOUN
+service	NOUN
+.	PUNCT
+
+I	PRON
+have	VERB
+no	DET
+doubt	NOUN
+that	SCONJ
+the	DET
+rescue	NOUN
+is	AUX
+wonderful	ADJ
+.	PUNCT
+
+But	CCONJ
+I	PRON
+had	VERB
+my	PRON
+cat	NOUN
+spayed	VERB
+through	ADP
+their	PRON
+reduced	VERB
+/	SYM
+free	ADJ
+spay	NOUN
+and	CCONJ
+neuter	NOUN
+program	NOUN
+and	CCONJ
+the	DET
+vet	NOUN
+they	PRON
+sent	VERB
+us	PRON
+to	ADP
+was	AUX
+first	ADV
+of	ADP
+all	DET
+a	DET
+hour	NOUN
+and	CCONJ
+a	DET
+half	NOUN
+away	ADV
+,	PUNCT
+and	CCONJ
+4	NUM
+days	NOUN
+later	ADV
+we	PRON
+had	VERB
+to	PART
+bring	VERB
+them	PRON
+to	ADP
+our	PRON
+normal	ADJ
+vet	NOUN
+because	SCONJ
+the	DET
+vets	NOUN
+at	ADP
+the	DET
+place	NOUN
+in	ADP
+wisconsin	PROPN
+did	VERB
+a	DET
+crappy	ADJ
+job	NOUN
+and	CCONJ
+they	PRON
+got	VERB
+infections	NOUN
+.	PUNCT
+
+My	PRON
+vet	NOUN
+even	ADV
+said	VERB
+it	PRON
+was	AUX
+not	PART
+my	PRON
+fault	NOUN
+it	PRON
+was	AUX
+the	DET
+vet	NOUN
+that	PRON
+did	VERB
+the	DET
+surgery	NOUN
+,	PUNCT
+So	ADV
+I	PRON
+would	AUX
+not	PART
+recommend	VERB
+getting	VERB
+that	DET
+program	NOUN
+unless	SCONJ
+you	PRON
+have	VERB
+an	DET
+extra	ADJ
+hundred	NUM
+dollars	NOUN
+or	CCONJ
+so	ADV
+for	ADP
+antibiotics	NOUN
+and	CCONJ
+a	DET
+vet	NOUN
+visit	NOUN
+.	PUNCT
+
+You	PRON
+'d	AUX
+think	VERB
+they	PRON
+would	AUX
+do	VERB
+a	DET
+good	ADJ
+job	NOUN
+but	CCONJ
+they	PRON
+do	AUX
+n't	PART
+care	VERB
+unless	SCONJ
+they	PRON
+are	AUX
+getting	AUX
+paid	VERB
+full	ADJ
+price	NOUN
+.	PUNCT
+
+Which	PRON
+is	AUX
+so	ADV
+dumb	ADJ
+.	PUNCT
+
+Not	ADV
+to	PART
+mention	VERB
+the	DET
+fact	NOUN
+that	SCONJ
+they	PRON
+gave	VERB
+us	PRON
+our	PRON
+cats	NOUN
+back	ADV
+not	ADV
+even	ADV
+30	NUM
+minutes	NOUN
+after	SCONJ
+they	PRON
+were	AUX
+out	ADV
+from	ADP
+surgery	NOUN
+.	PUNCT
+
+Billing	NOUN
+Issues	NOUN
+...	PUNCT
+
+I	PRON
+had	VERB
+a	DET
+routine	ADJ
+surgery	NOUN
+for	ADP
+an	DET
+ingrown	ADJ
+toenail	NOUN
+.	PUNCT
+
+My	PRON
+insurance	NOUN
+company	NOUN
+,	PUNCT
+Blue	PROPN
+Cross	PROPN
+/	PUNCT
+Blue	PROPN
+Shield	PROPN
+paid	VERB
+the	DET
+fees	NOUN
+and	CCONJ
+everything	PRON
+was	AUX
+fine	ADJ
+.	PUNCT
+
+Then	ADV
+I	PRON
+got	VERB
+a	DET
+bill	NOUN
+for	ADP
+$	SYM
+483.00	NUM
+.	PUNCT
+
+The	DET
+doctor	NOUN
+'s	PART
+office	NOUN
+said	VERB
+that	SCONJ
+payments	NOUN
+had	AUX
+been	AUX
+"	PUNCT
+reversed	VERB
+"	PUNCT
+.	PUNCT
+
+Blue	PROPN
+cross	PROPN
+has	VERB
+no	DET
+record	NOUN
+of	ADP
+aa	DET
+reversal	NOUN
+.	PUNCT
+
+The	DET
+office	NOUN
+refused	VERB
+my	PRON
+requests	NOUN
+to	PART
+see	VERB
+what	PRON
+they	PRON
+got	VERB
+from	ADP
+BC	PROPN
+/	PUNCT
+BS	PROPN
+.	PUNCT
+
+They	PRON
+eventually	ADV
+turned	VERB
+it	PRON
+over	ADP
+to	ADP
+a	DET
+collection	NOUN
+agency	NOUN
+and	CCONJ
+now	ADV
+will	AUX
+not	PART
+even	ADV
+discuss	VERB
+the	DET
+matter	NOUN
+.	PUNCT
+
+I	PRON
+eventually	ADV
+decided	VERB
+to	PART
+just	ADV
+pay	VERB
+the	DET
+balance	NOUN
+even	ADV
+though	SCONJ
+the	DET
+doctor	NOUN
+has	AUX
+already	ADV
+been	AUX
+paid	VERB
+,	PUNCT
+but	CCONJ
+now	ADV
+the	DET
+collection	NOUN
+agency	NOUN
+is	AUX
+trying	VERB
+to	PART
+say	VERB
+another	DET
+reversal	NOUN
+of	ADP
+$	SYM
+160.00	NUM
+has	AUX
+come	VERB
+through	ADV
+.	PUNCT
+
+It	PRON
+was	AUX
+an	DET
+ingrown	ADJ
+toenail	NOUN
+.	PUNCT
+
+How	ADV
+much	ADJ
+could	AUX
+it	PRON
+possibly	ADV
+cost	VERB
+?	PUNCT
+
+Not	ADV
+only	ADV
+am	AUX
+I	PRON
+being	AUX
+bilked	VERB
+for	ADP
+money	NOUN
+I	PRON
+do	AUX
+not	PART
+owe	VERB
+,	PUNCT
+the	DET
+office	NOUN
+staff	NOUN
+is	AUX
+rude	ADJ
+to	PART
+boot	VERB
+.	PUNCT
+
+I	PRON
+think	VERB
+this	DET
+office	NOUN
+has	VERB
+some	DET
+serious	ADJ
+billing	NOUN
+practice	NOUN
+issues	NOUN
+!	PUNCT
+
+We	PRON
+have	AUX
+been	AUX
+blessed	VERB
+to	PART
+find	VERB
+Elite	PROPN
+Flyers	PROPN
+online	ADV
+and	CCONJ
+would	AUX
+not	PART
+use	VERB
+anyone	PRON
+else	ADJ
+to	PART
+handle	VERB
+our	PRON
+postcards	NOUN
+,	PUNCT
+posters	NOUN
+,	PUNCT
+etc	X
+.	PUNCT
+
+We	PRON
+were	AUX
+looking	VERB
+for	ADP
+a	DET
+company	NOUN
+with	ADP
+decent	ADJ
+rates	NOUN
+as	SCONJ
+our	PRON
+company	NOUN
+was	AUX
+just	ADV
+getting	AUX
+started	VERB
+.	PUNCT
+
+They	PRON
+have	VERB
+the	DET
+best	ADJ
+rates	NOUN
+and	CCONJ
+GREAT	ADJ
+customer	NOUN
+service	NOUN
+.	PUNCT
+
+On	ADP
+one	NUM
+order	NOUN
+,	PUNCT
+we	PRON
+needed	VERB
+it	PRON
+rushed	VERB
+and	CCONJ
+shipped	VERB
+to	ADP
+a	DET
+different	ADJ
+state	NOUN
+.	PUNCT
+
+They	PRON
+did	VERB
+that	PRON
+with	ADP
+no	DET
+problem	NOUN
+.	PUNCT
+
+I	PRON
+also	ADV
+appreciate	VERB
+their	PRON
+honesty	NOUN
+.	PUNCT
+
+I	PRON
+sent	VERB
+a	DET
+graphic	NOUN
+that	PRON
+would	AUX
+have	AUX
+been	AUX
+distorted	VERB
+if	SCONJ
+printed	VERB
+as	SCONJ
+it	PRON
+was	VERB
+.	PUNCT
+
+They	PRON
+called	VERB
+and	CCONJ
+worked	VERB
+with	ADP
+me	PRON
+to	PART
+fix	VERB
+it	PRON
+so	SCONJ
+that	SCONJ
+it	PRON
+would	AUX
+look	VERB
+perfect	ADJ
+.	PUNCT
+
+They	PRON
+recently	ADV
+surprised	VERB
+me	PRON
+a	DET
+larger	ADJ
+order	NOUN
+.	PUNCT
+
+I	PRON
+ordered	VERB
+1000	NUM
+postcards	NOUN
+,	PUNCT
+we	PRON
+normally	ADV
+order	VERB
+5000	NUM
+or	CCONJ
+more	ADJ
+.	PUNCT
+
+Because	SCONJ
+they	PRON
+had	VERB
+room	NOUN
+to	PART
+do	VERB
+5000	NUM
+,	PUNCT
+they	PRON
+created	VERB
+the	DET
+larger	ADJ
+amount	NOUN
+,	PUNCT
+and	CCONJ
+shipped	VERB
+them	PRON
+early	ADV
+.	PUNCT
+
+I	PRON
+recommend	VERB
+this	DET
+company	NOUN
+to	ADP
+ANYONE	PRON
+and	CCONJ
+everyone	PRON
+that	PRON
+needs	VERB
+great	ADJ
+work	NOUN
+done	VERB
+at	ADP
+a	DET
+reasonable	ADJ
+rate	NOUN
+!	PUNCT
+
+They	PRON
+have	VERB
+a	DET
+customer	NOUN
+for	ADP
+life	NOUN
+in	ADP
+us	PRON
+!	PUNCT
+
+sheisters	NOUN
+
+i	PRON
+made	VERB
+the	DET
+mistake	NOUN
+of	SCONJ
+buying	VERB
+from	ADP
+these	DET
+thieves	NOUN
+.	PUNCT
+
+I	PRON
+paid	VERB
+2	NUM
+k	NOUN
+cash	NOUN
+for	ADP
+a	DET
+truck	NOUN
+with	ADP
+a	DET
+blown	VERB
+motor	NOUN
+.	PUNCT
+
+Their	PRON
+so	ADV
+called	VERB
+mechanic	NOUN
+said	VERB
+the	DET
+engine	NOUN
+was	AUX
+good	ADJ
+and	CCONJ
+"	PUNCT
+There	PRON
+is	VERB
+nothing	PRON
+mechanicly	ADV
+wrong	ADJ
+with	ADP
+this	DET
+truck	NOUN
+"	PUNCT
+.	PUNCT
+
+Well	INTJ
+I	PRON
+think	VERB
+a	DET
+blown	VERB
+engine	NOUN
+falls	VERB
+under	ADP
+the	DET
+catagory	NOUN
+of	ADP
+mechanics	NOUN
+right	INTJ
+?	PUNCT
+
+Anyway	ADV
+they	PRON
+jimmy	NOUN
+rigged	VERB
+it	PRON
+so	SCONJ
+i	PRON
+could	AUX
+drive	VERB
+it	PRON
+home	ADV
+.	PUNCT
+
+The	DET
+next	ADJ
+day	NOUN
+i	PRON
+took	VERB
+it	PRON
+to	ADP
+2	NUM
+auto	NOUN
+shops	NOUN
+and	CCONJ
+they	PRON
+both	DET
+told	VERB
+me	PRON
+the	DET
+same	ADJ
+thing	NOUN
+,	PUNCT
+engine	NOUN
+is	AUX
+junk	NOUN
+.	PUNCT
+
+I	PRON
+called	VERB
+and	CCONJ
+got	VERB
+the	DET
+same	ADJ
+runaround	NOUN
+on	ADP
+hold	NOUN
+and	CCONJ
+noone	NOUN
+calls	VERB
+you	PRON
+back	ADV
+.	PUNCT
+
+From	ADP
+a	DET
+moral	ADJ
+standpoint	NOUN
+,	PUNCT
+you	PRON
+guys	NOUN
+are	AUX
+really	ADV
+gon	VERB
+na	PART
+take	VERB
+2,000	NUM
+bucks	NOUN
+from	ADP
+someone	PRON
+that	PRON
+needs	VERB
+that	DET
+truck	NOUN
+to	PART
+work	VERB
+and	CCONJ
+support	VERB
+his	PRON
+family	NOUN
+when	ADV
+you	PRON
+know	VERB
+it	PRON
+s	AUX
+just	ADV
+a	DET
+piece	NOUN
+of	ADP
+scrap	NOUN
+metal	NOUN
+?	PUNCT
+
+If	SCONJ
+it	PRON
+lasted	VERB
+1	NUM
+month	NOUN
+i	PRON
+could	AUX
+suck	VERB
+it	PRON
+up	ADP
+but	CCONJ
+1	NUM
+day	NOUN
+?	PUNCT
+
+Grimy	ADJ
+work	NOUN
+you	PRON
+guys	NOUN
+do	VERB
+.	PUNCT
+
+Buy	VERB
+your	PRON
+kids	NOUN
+somethin	NOUN
+nice	ADJ
+with	ADP
+my	PRON
+2	NUM
+k	NOUN
+bucks	NOUN
+.	PUNCT
+
+Best	ADJ
+Stationery	NOUN
+store	NOUN
+in	ADP
+Bethesda	PROPN
+
+Papeluna	PROPN
+,	PUNCT
+a	DET
+cute	ADJ
+Mom	PROPN
+/	PUNCT
+Pop	PROPN
+custom	ADJ
+printing	NOUN
+and	CCONJ
+paper	NOUN
+store	NOUN
+,	PUNCT
+just	ADV
+opened	VERB
+a	DET
+few	ADJ
+days	NOUN
+ago	ADV
+.	PUNCT
+
+It	PRON
+is	AUX
+right	ADV
+on	ADP
+the	DET
+hustle	NOUN
+and	CCONJ
+bustle	NOUN
+of	ADP
+Wisconsin	PROPN
+Ave	PROPN
+but	CCONJ
+some	DET
+might	AUX
+miss	VERB
+it	PRON
+as	SCONJ
+it	PRON
+is	AUX
+nestled	VERB
+in	ADP
+between	ADP
+Subway	PROPN
+Sandwiches	PROPN
+and	CCONJ
+Modell	PROPN
+'s	PART
+.	PUNCT
+
+I	PRON
+popped	VERB
+in	ADV
+after	ADP
+my	PRON
+afternoon	NOUN
+pumpkin	NOUN
+spice	NOUN
+latte	NOUN
+break	NOUN
+at	ADP
+Starbucks	PROPN
+.	PUNCT
+
+It	PRON
+'s	AUX
+an	DET
+adorable	ADJ
+little	ADJ
+store	NOUN
+filled	VERB
+with	ADP
+lots	NOUN
+of	ADP
+stationery	NOUN
+goodness	NOUN
+.	PUNCT
+
+Cards	NOUN
+,	PUNCT
+wrapping	NOUN
+paper	NOUN
+,	PUNCT
+paper	NOUN
+,	PUNCT
+and	CCONJ
+an	DET
+area	NOUN
+to	PART
+sit	VERB
+down	ADV
+and	CCONJ
+talk	VERB
+with	ADP
+someone	PRON
+to	PART
+design	VERB
+your	PRON
+own	ADJ
+invitations	NOUN
+or	CCONJ
+for	SCONJ
+whatever	DET
+else	ADJ
+your	PRON
+custom	ADJ
+printing	NOUN
+needs	NOUN
+may	AUX
+be	VERB
+.	PUNCT
+
+I	PRON
+gave	VERB
+the	DET
+woman	NOUN
+I	PRON
+spoke	VERB
+with	ADP
+today	NOUN
+a	DET
+"	PUNCT
+You	PRON
+'ve	AUX
+been	AUX
+yelped	VERB
+!	PUNCT
+"	PUNCT
+card	NOUN
+to	PART
+let	VERB
+her	PRON
+know	VERB
+that	SCONJ
+Yelp	PROPN
+may	AUX
+be	AUX
+a	DET
+good	ADJ
+tool	NOUN
+for	SCONJ
+helping	VERB
+spreading	VERB
+the	DET
+word	NOUN
+about	ADP
+Papeluna	PROPN
+.	PUNCT
+
+I	PRON
+ended	VERB
+up	ADP
+buying	VERB
+a	DET
+birthday	NOUN
+card	NOUN
+and	CCONJ
+would	AUX
+probably	ADV
+come	VERB
+back	ADV
+for	ADP
+more	ADJ
+.	PUNCT
+
+printing	NOUN
+,	PUNCT
+printing	NOUN
+,	PUNCT
+copies	NOUN
+,	PUNCT
+printing	NOUN
+,	PUNCT
+copies	NOUN
+,	PUNCT
+printing	VERB
+,	PUNCT
+
+Watch	VERB
+out	ADP
+for	ADP
+your	PRON
+wallet	NOUN
+
+Watch	VERB
+out	ADP
+for	ADP
+your	PRON
+wallet	NOUN
+!	PUNCT
+
+This	DET
+company	NOUN
+is	AUX
+overpriced	ADJ
+for	ADP
+their	PRON
+services	NOUN
+.	PUNCT
+
+They	PRON
+pride	VERB
+themselves	PRON
+on	SCONJ
+being	AUX
+an	DET
+event	NOUN
+and	CCONJ
+team	NOUN
+building	NOUN
+company	NOUN
+for	ADP
+corporate	ADJ
+clients	NOUN
+but	CCONJ
+you	PRON
+better	ADV
+believe	VERB
+they	PRON
+are	AUX
+going	VERB
+to	PART
+mark	VERB
+you	PRON
+up	ADP
+on	ADP
+that	DET
+feel	VERB
+good	ADJ
+premise	NOUN
+.	PUNCT
+
+On	ADP
+a	DET
+recent	ADJ
+event	NOUN
+quote	NOUN
+that	PRON
+I	PRON
+had	AUX
+done	VERB
+,	PUNCT
+they	PRON
+came	VERB
+in	ADV
+thousands	NOUN
+of	ADP
+dollars	NOUN
+over	ADP
+their	PRON
+local	ADJ
+competition	NOUN
+.	PUNCT
+
+The	DET
+craziest	ADJ
+part	NOUN
+is	VERB
+that	SCONJ
+they	PRON
+are	AUX
+n't	PART
+even	ADV
+based	VERB
+locally	ADV
+at	ADP
+the	DET
+city	NOUN
+I	PRON
+'m	AUX
+in	ADP
+-	PUNCT
+they	PRON
+just	ADV
+have	VERB
+'	PUNCT
+teams	NOUN
+'	PUNCT
+in	ADP
+areas	NOUN
+through	ADP
+the	DET
+country	NOUN
+.	PUNCT
+
+I	PRON
+'ve	AUX
+spoken	VERB
+to	ADP
+vendors	NOUN
+who	PRON
+are	AUX
+used	VERB
+by	ADP
+them	PRON
+who	PRON
+had	VERB
+nothing	PRON
+good	ADJ
+to	PART
+say	VERB
+about	ADP
+the	DET
+company	NOUN
+as	ADV
+well	ADV
+and	CCONJ
+in	ADP
+fact	NOUN
+were	AUX
+afraid	ADJ
+to	PART
+quote	VERB
+events	NOUN
+against	ADP
+them	PRON
+even	ADV
+though	SCONJ
+they	PRON
+openly	ADV
+admitted	VERB
+that	SCONJ
+they	PRON
+felt	VERB
+Canadian	PROPN
+Outback	PROPN
+was	AUX
+pricing	VERB
+their	PRON
+entertainment	NOUN
+out	ADP
+of	ADP
+the	DET
+market	NOUN
+and	CCONJ
+doing	VERB
+more	ADJ
+to	PART
+hurt	VERB
+their	PRON
+business	NOUN
+than	SCONJ
+help	VERB
+them	PRON
+.	PUNCT
+
+Be	AUX
+warned	VERB
+-	PUNCT
+they	PRON
+'ll	AUX
+ltake	VERB
+you	PRON
+for	ADP
+everything	PRON
+they	PRON
+can	AUX
+.	PUNCT
+
+Believe	VERB
+me	PRON
+.	PUNCT
+
+This	PRON
+is	AUX
+THE	DET
+premier	ADJ
+university	NOUN
+in	ADP
+Virginia	PROPN
+.	PUNCT
+
+It	PRON
+is	AUX
+also	ADV
+the	DET
+largest	ADJ
+.	PUNCT
+
+With	ADP
+a	DET
+Pizza	PROPN
+Hut	PROPN
+,	PUNCT
+IHOP	PROPN
+,	PUNCT
+3	NUM
+Starbucks	PROPN
+,	PUNCT
+Chili	PROPN
+s	PART
+,	PUNCT
+Panera	PROPN
+,	PUNCT
+and	CCONJ
+Chipotle	PROPN
+on	ADP
+campus	NOUN
+ALONE	ADV
+,	PUNCT
+VCU	PROPN
+has	VERB
+some	DET
+of	ADP
+the	DET
+best	ADJ
+eating	NOUN
+options	NOUN
+for	ADP
+students	NOUN
+.	PUNCT
+
+VCU	PROPN
+has	VERB
+the	DET
+#	NOUN
+1	NUM
+art	NOUN
+school	NOUN
+in	ADP
+America	PROPN
+,	PUNCT
+and	CCONJ
+EXCELS	VERB
+in	ADP
+healthcare	NOUN
+and	CCONJ
+medical	ADJ
+schooling	NOUN
+.	PUNCT
+
+The	DET
+Rams	PROPN
+,	PUNCT
+the	DET
+VCU	PROPN
+sports	NOUN
+team	NOUN
+,	PUNCT
+also	ADV
+made	VERB
+the	DET
+NCAA	PROPN
+Final	ADJ
+4	NUM
+this	DET
+year	NOUN
+,	PUNCT
+too	ADV
+!	PUNCT
+
+VCU	PROPN
+also	ADV
+offers	VERB
+high	ADJ
+-	PUNCT
+rise	NOUN
+living	NOUN
+for	ADP
+students	NOUN
+and	CCONJ
+professors	NOUN
+,	PUNCT
+and	CCONJ
+the	DET
+historic	ADJ
+yet	CCONJ
+fixed	VERB
+-	PUNCT
+up	ADP
+houses	NOUN
+in	ADP
+the	DET
+Fan	NOUN
+are	AUX
+also	ADV
+available	ADJ
+to	ADP
+students	NOUN
+,	PUNCT
+professors	NOUN
+,	PUNCT
+or	CCONJ
+even	ADV
+people	NOUN
+wanting	VERB
+to	PART
+live	VERB
+in	ADP
+a	DET
+safe	ADJ
+,	PUNCT
+viable	ADJ
+community	NOUN
+.	PUNCT
+
+VCU	PROPN
+is	AUX
+also	ADV
+minutes	NOUN
+from	ADP
+Downtown	NOUN
+Richmond	PROPN
+,	PUNCT
+Canal	PROPN
+Walk	PROPN
+,	PUNCT
+Carytown	PROPN
+,	PUNCT
+Stony	PROPN
+Point	PROPN
+,	PUNCT
+Short	PROPN
+Pump	PROPN
+,	PUNCT
+and	CCONJ
+the	DET
+VCU	PROPN
+Medical	PROPN
+Center	PROPN
+.	PUNCT
+
+It	PRON
+is	AUX
+the	DET
+best	ADJ
+university	NOUN
+in	ADP
+Virginia	PROPN
+and	CCONJ
+continuously	ADV
+receives	VERB
+rave	ADJ
+reviews	NOUN
+every	DET
+year	NOUN
+.	PUNCT
+
+The	DET
+U	PROPN
+of	ADP
+R	PROPN
+is	AUX
+also	ADV
+recommended	VERB
+,	PUNCT
+too	ADV
+!	PUNCT
+
+Orr	PROPN
+'s	AUX
+a	DET
+nightmare	NOUN
+!	PUNCT
+
+DO	AUX
+N'T	PART
+GO	VERB
+!	PUNCT
+
+My	PRON
+boyfriend	NOUN
+and	CCONJ
+I	PRON
+were	AUX
+woken	VERB
+up	ADP
+in	ADP
+the	DET
+middle	NOUN
+of	ADP
+the	DET
+night	NOUN
+at	ADP
+our	PRON
+campsite	NOUN
+by	ADP
+drunken	ADJ
+kids	NOUN
+who	PRON
+'d	AUX
+arrived	VERB
+around	ADV
+1:00	NUM
+am	NOUN
+and	CCONJ
+were	AUX
+drinking	VERB
+at	ADP
+the	DET
+springs	NOUN
+.	PUNCT
+
+When	ADV
+we	PRON
+complained	VERB
+to	ADP
+the	DET
+management	NOUN
+(	PUNCT
+as	SCONJ
+we	PRON
+were	AUX
+instructed	VERB
+to	PART
+do	AUX
+if	SCONJ
+there	PRON
+were	VERB
+any	DET
+problems	NOUN
+)	PUNCT
+,	PUNCT
+nothing	PRON
+happened	VERB
+!	PUNCT
+
+Then	ADV
+,	PUNCT
+the	DET
+next	ADJ
+morning	NOUN
+,	PUNCT
+when	ADV
+we	PRON
+,	PUNCT
+among	ADP
+many	ADJ
+other	ADJ
+irate	ADJ
+guests	NOUN
+,	PUNCT
+asked	VERB
+to	PART
+speak	VERB
+to	ADP
+the	DET
+owner	NOUN
+,	PUNCT
+he	PRON
+refused	VERB
+to	PART
+do	VERB
+so	ADV
+.	PUNCT
+
+Not	ADV
+only	ADV
+that	DET
+,	PUNCT
+but	CCONJ
+he	PRON
+told	VERB
+us	PRON
+,	PUNCT
+via	ADP
+his	PRON
+manager	NOUN
+,	PUNCT
+that	SCONJ
+it	PRON
+was	AUX
+our	PRON
+responsibility	NOUN
+to	PART
+get	VERB
+up	ADP
+a	DET
+second	ADJ
+time	NOUN
+in	ADP
+the	DET
+middle	NOUN
+of	ADP
+the	DET
+night	NOUN
+and	CCONJ
+call	VERB
+the	DET
+night	NOUN
+staff	NOUN
+if	SCONJ
+the	DET
+problem	NOUN
+continued	VERB
+,	PUNCT
+even	ADV
+though	SCONJ
+his	PRON
+manager	NOUN
+did	VERB
+nothing	PRON
+the	DET
+first	ADJ
+time	NOUN
+to	PART
+stop	VERB
+the	DET
+kids	NOUN
+.	PUNCT
+
+Orr	PROPN
+is	AUX
+not	PART
+relaxing	ADJ
+,	PUNCT
+it	PRON
+'s	AUX
+not	PART
+a	DET
+safe	ADJ
+space	NOUN
+,	PUNCT
+and	CCONJ
+the	DET
+owner	NOUN
+is	AUX
+awful	ADJ
+.	PUNCT
+
+To	PART
+add	VERB
+insult	NOUN
+to	ADP
+injury	NOUN
+,	PUNCT
+he	PRON
+refused	VERB
+to	PART
+refund	VERB
+our	PRON
+money	NOUN
+.	PUNCT
+
+Do	AUX
+n't	PART
+go	VERB
+!	PUNCT
+
+FHS	PROPN
+is	AUX
+a	DET
+good	ADJ
+high	ADJ
+school	NOUN
+--	PUNCT
+c	NOUN
+/	SYM
+o	ADP
+1998	NUM
+
+I	PRON
+enjoyed	VERB
+my	PRON
+time	NOUN
+at	ADP
+Franklin	PROPN
+High	PROPN
+School	PROPN
+.	PUNCT
+
+We	PRON
+had	VERB
+relatively	ADV
+good	ADJ
+facilities	NOUN
+at	ADP
+the	DET
+time	NOUN
+--	PUNCT
+decent	ADJ
+science	NOUN
+labs	NOUN
+,	PUNCT
+with	ADP
+multiple	ADJ
+hoods	NOUN
+and	CCONJ
+access	NOUN
+to	ADP
+good	ADJ
+equipment	NOUN
+;	PUNCT
+nice	ADJ
+gymnasiums	NOUN
+,	PUNCT
+and	CCONJ
+a	DET
+well	ADV
+-	PUNCT
+funded	VERB
+music	NOUN
+department	NOUN
+(	PUNCT
+I	PRON
+was	AUX
+in	ADP
+the	DET
+guitar	NOUN
+ensemble	NOUN
+)	PUNCT
+.	PUNCT
+
+Now	ADV
+,	PUNCT
+of	ADV
+course	ADV
+,	PUNCT
+there	PRON
+'s	VERB
+a	DET
+new	ADJ
+building	NOUN
+,	PUNCT
+with	ADP
+presumably	ADV
+better	ADJ
+facilities	NOUN
+.	PUNCT
+
+All	DET
+to	ADP
+the	DET
+good	NOUN
+.	PUNCT
+
+For	ADP
+those	PRON
+who	PRON
+care	VERB
+,	PUNCT
+a	DET
+good	ADJ
+proportion	NOUN
+of	ADP
+the	DET
+my	PRON
+class	NOUN
+went	VERB
+on	ADV
+to	ADP
+4	NUM
+-	PUNCT
+year	NOUN
+colleges	NOUN
+,	PUNCT
+many	ADJ
+of	ADP
+them	PRON
+ranked	VERB
+in	ADP
+the	DET
+top	ADJ
+50	NUM
+of	ADP
+US	PROPN
+News	PROPN
+.	PUNCT
+
+If	SCONJ
+I	PRON
+remember	VERB
+,	PUNCT
+students	NOUN
+went	VERB
+to	ADP
+Dartmouth	PROPN
+,	PUNCT
+U.	PROPN
+Penn	PROPN
+,	PUNCT
+Duke	PROPN
+,	PUNCT
+BU	PROPN
+,	PUNCT
+William	PROPN
+and	CCONJ
+Mary	PROPN
+,	PUNCT
+Vassar	PROPN
+,	PUNCT
+Howard	PROPN
+,	PUNCT
+and	CCONJ
+Carnegie	PROPN
+Mellon	PROPN
+,	PUNCT
+among	ADP
+others	NOUN
+.	PUNCT
+
+Many	ADJ
+students	NOUN
+went	VERB
+to	ADP
+Rutgers	PROPN
+,	PUNCT
+including	VERB
+their	PRON
+top	NOUN
+-	PUNCT
+ranked	VERB
+pharmacy	NOUN
+program	NOUN
+.	PUNCT
+
+The	DET
+point	NOUN
+is	VERB
+--	PUNCT
+FHS	PROPN
+gives	VERB
+you	PRON
+the	DET
+opportunity	NOUN
+to	PART
+make	VERB
+it	PRON
+to	ADP
+a	DET
+good	ADJ
+college	NOUN
+,	PUNCT
+but	CCONJ
+you	PRON
+need	VERB
+to	PART
+work	VERB
+hard	ADV
+.	PUNCT
+
+Absolutely	ADV
+the	DET
+best	ADJ
+little	ADJ
+motel	NOUN
+on	ADP
+the	DET
+coast	NOUN
+!	PUNCT
+
+I	PRON
+'ve	AUX
+stayed	VERB
+at	ADP
+this	DET
+fabulous	ADJ
+little	ADJ
+motel	NOUN
+two	NUM
+years	NOUN
+running	VERB
+,	PUNCT
+and	CCONJ
+I	PRON
+have	VERB
+to	PART
+say	VERB
+it	PRON
+'s	AUX
+one	NUM
+of	ADP
+the	DET
+best	ADJ
+lodging	NOUN
+experiences	NOUN
+I	PRON
+'ve	AUX
+ever	ADV
+had	VERB
+on	ADP
+the	DET
+coast	NOUN
+...	PUNCT
+and	CCONJ
+I	PRON
+'m	AUX
+even	ADV
+comparing	VERB
+it	PRON
+to	ADP
+the	DET
+big	ADJ
+resorts	NOUN
+I	PRON
+'ve	AUX
+stayed	VERB
+at	ADP
+!	PUNCT
+
+A	DET
+large	ADJ
+group	NOUN
+of	ADP
+my	PRON
+friends	NOUN
+and	CCONJ
+I	PRON
+rent	VERB
+almost	ADV
+the	DET
+whole	ADJ
+motel	NOUN
+every	DET
+year	NOUN
+for	ADP
+a	DET
+weekend	NOUN
+,	PUNCT
+and	CCONJ
+the	DET
+experience	NOUN
+and	CCONJ
+stay	NOUN
+have	AUX
+always	ADV
+been	AUX
+five	NUM
+-	PUNCT
+star	NOUN
+.	PUNCT
+
+The	DET
+rooms	NOUN
+are	AUX
+SO	ADV
+clean	ADJ
+,	PUNCT
+the	DET
+managers	NOUN
+/	PUNCT
+owners	NOUN
+are	AUX
+the	DET
+nicest	ADJ
+people	NOUN
+,	PUNCT
+the	DET
+place	NOUN
+feels	VERB
+so	ADV
+homey	ADJ
+,	PUNCT
+and	CCONJ
+the	DET
+location	NOUN
+and	CCONJ
+grounds	NOUN
+are	AUX
+beautiful	ADJ
+.	PUNCT
+
+There	PRON
+'s	VERB
+a	DET
+restaurant	NOUN
+nearby	ADV
+(	PUNCT
+walking	NOUN
+distance	NOUN
+)	PUNCT
+with	ADP
+a	DET
+great	ADJ
+breakfast	NOUN
+,	PUNCT
+and	CCONJ
+a	DET
+market	NOUN
+across	ADP
+the	DET
+street	NOUN
+.	PUNCT
+
+The	DET
+motel	NOUN
+is	AUX
+very	ADV
+well	ADV
+maintained	VERB
+,	PUNCT
+and	CCONJ
+the	DET
+managers	NOUN
+are	AUX
+so	ADV
+accomodating	ADJ
+,	PUNCT
+it	PRON
+'s	AUX
+kind	ADV
+of	ADV
+like	SCONJ
+visiting	VERB
+family	NOUN
+each	DET
+year	NOUN
+!	PUNCT
+;-)	SYM
+
+I	PRON
+honestly	ADV
+ca	AUX
+n't	PART
+rave	VERB
+enough	ADV
+about	ADP
+this	DET
+place	NOUN
+...	PUNCT
+it	PRON
+'s	AUX
+really	ADV
+a	DET
+hidden	ADJ
+gem	NOUN
+worth	ADJ
+checking	VERB
+out	ADP
+!	PUNCT
+
+My	PRON
+favorite	NOUN
+cuban	ADJ
+cafe	NOUN
+in	ADP
+Orlando	PROPN
+
+I	PRON
+have	AUX
+been	AUX
+eating	VERB
+Cuban	ADJ
+for	ADP
+a	DET
+long	ADJ
+time	NOUN
+,	PUNCT
+sandwiches	NOUN
+mainly	ADV
+along	ADP
+with	ADP
+other	ADJ
+dishes	NOUN
+..	PUNCT
+
+I	PRON
+love	VERB
+Cuban	ADJ
+coffee	NOUN
+,	PUNCT
+colada	NOUN
+...	PUNCT
+mmmm	INTJ
+anyways	INTJ
+I	PRON
+found	VERB
+this	DET
+place	NOUN
+and	CCONJ
+ca	AUX
+n't	PART
+stop	VERB
+going	VERB
+there	ADV
+,	PUNCT
+I	PRON
+stop	VERB
+in	ADV
+at	ADV
+least	ADV
+once	ADV
+a	DET
+week	NOUN
+and	CCONJ
+anytime	ADV
+I	PRON
+'m	AUX
+in	ADP
+the	DET
+area	NOUN
+for	ADP
+a	DET
+Cuban	ADJ
+coffee	NOUN
+or	CCONJ
+snack	NOUN
+.	PUNCT
+
+The	DET
+place	NOUN
+is	AUX
+chill	ADJ
+and	CCONJ
+comfortable	ADJ
+.	PUNCT
+
+They	PRON
+do	AUX
+n't	PART
+speak	VERB
+the	DET
+best	ADJ
+English	PROPN
+but	CCONJ
+enough	ADJ
+to	PART
+get	VERB
+by	ADV
+.	PUNCT
+
+They	PRON
+bake	VERB
+bread	NOUN
+fresh	ADV
+daily	ADV
+,	PUNCT
+they	PRON
+do	AUX
+n't	PART
+press	VERB
+their	PRON
+sandwiches	NOUN
+which	PRON
+is	AUX
+the	DET
+way	NOUN
+I	PRON
+like	VERB
+it	PRON
+,	PUNCT
+and	CCONJ
+the	DET
+meat	NOUN
+is	AUX
+always	ADV
+fresh	ADJ
+.	PUNCT
+
+They	PRON
+have	VERB
+a	DET
+great	ADJ
+lunch	NOUN
+special	NOUN
+with	ADP
+your	PRON
+choice	NOUN
+of	ADP
+meat	NOUN
+,	PUNCT
+chicken	NOUN
+,	PUNCT
+steak	NOUN
+,	PUNCT
+or	CCONJ
+pork	NOUN
+and	CCONJ
+rice	NOUN
+and	CCONJ
+black	ADJ
+beans	NOUN
+and	CCONJ
+fried	VERB
+plantains	NOUN
+.	PUNCT
+
+And	CCONJ
+their	PRON
+breakfast	NOUN
+is	AUX
+awesome	ADJ
+!!	PUNCT
+
+I	PRON
+can	AUX
+not	PART
+describe	VERB
+how	ADV
+delicious	ADJ
+the	DET
+mango	NOUN
+and	CCONJ
+cheese	NOUN
+pastries	NOUN
+and	CCONJ
+the	DET
+omelets	NOUN
+are	AUX
+to	PART
+die	VERB
+for	ADP
+.	PUNCT
+
+Stop	VERB
+in	ADV
+and	CCONJ
+have	VERB
+a	DET
+bite	NOUN
+you	PRON
+wo	AUX
+n't	PART
+regret	VERB
+it	PRON
+.	PUNCT
+
+A	DET
+slice	NOUN
+of	ADP
+heaven	NOUN
+in	ADP
+winter	PROPN
+park	PROPN
+off	ADP
+forsyth	PROPN
+!	PUNCT
+
+highly	ADV
+recommended	ADJ
+.	PUNCT
+
+I	PRON
+have	AUX
+been	AUX
+going	VERB
+to	ADP
+Warner	PROPN
+Family	PROPN
+for	ADP
+a	DET
+number	NOUN
+of	ADP
+years	NOUN
+and	CCONJ
+would	AUX
+highly	ADV
+recommend	VERB
+it	PRON
+to	ADP
+anyone	PRON
+.	PUNCT
+
+I	PRON
+'ve	AUX
+read	VERB
+some	DET
+of	ADP
+the	DET
+reviews	NOUN
+below	ADV
+and	CCONJ
+would	AUX
+like	VERB
+to	PART
+state	VERB
+that	SCONJ
+yes	INTJ
+,	PUNCT
+like	ADP
+any	DET
+other	ADJ
+doctor	NOUN
+s	PART
+office	NOUN
+there	PRON
+is	VERB
+sometimes	ADV
+a	DET
+wait	NOUN
+(	PUNCT
+depending	VERB
+on	SCONJ
+what	PRON
+other	ADJ
+patients	NOUN
+are	AUX
+being	AUX
+seen	VERB
+for	ADP
+)	PUNCT
+and	CCONJ
+some	DET
+of	ADP
+the	DET
+tests	NOUN
+and	CCONJ
+procedures	NOUN
+that	PRON
+are	AUX
+ran	VERB
+can	AUX
+be	AUX
+costly	ADJ
+(	PUNCT
+just	ADV
+like	SCONJ
+they	PRON
+would	AUX
+be	VERB
+for	ADP
+any	DET
+other	ADJ
+medical	ADJ
+tests	NOUN
+elsewhere	ADV
+if	SCONJ
+you	PRON
+do	AUX
+not	PART
+have	VERB
+insurance	NOUN
+)	PUNCT
+...	PUNCT
+
+I	PRON
+have	AUX
+seen	VERB
+several	ADJ
+of	ADP
+the	DET
+providers	NOUN
+from	ADP
+the	DET
+office	NOUN
+and	CCONJ
+have	AUX
+not	PART
+once	ADV
+been	AUX
+shown	VERB
+anything	PRON
+but	ADP
+care	NOUN
+and	CCONJ
+consideration	NOUN
+.	PUNCT
+
+I	PRON
+ca	AUX
+nt	PART
+speak	VERB
+for	ADP
+them	PRON
+but	CCONJ
+any	DET
+tests	NOUN
+or	CCONJ
+appointments	NOUN
+they	PRON
+recommend	VERB
+are	AUX
+probably	ADV
+in	ADP
+the	DET
+best	ADJ
+interests	NOUN
+of	ADP
+us	PRON
+(	PUNCT
+the	DET
+patient	NOUN
+)	PUNCT
+and	CCONJ
+you	PRON
+have	VERB
+the	DET
+ability	NOUN
+to	PART
+decline	VERB
+anything	PRON
+that	PRON
+they	PRON
+suggest	VERB
+to	ADP
+you	PRON
+.	PUNCT
+
+I	PRON
+personally	ADV
+have	AUX
+had	VERB
+wonderful	ADJ
+service	NOUN
+and	CCONJ
+if	SCONJ
+you	PRON
+re	AUX
+truely	ADV
+looking	VERB
+for	ADP
+a	DET
+FAMILY	NOUN
+practice	NOUN
+...	PUNCT
+Warner	PROPN
+Family	PROPN
+is	AUX
+the	DET
+place	NOUN
+for	ADP
+you	PRON
+.	PUNCT
+
+Not	PART
+what	PRON
+i	PRON
+expected	VERB
+!	PUNCT
+
+We	PRON
+read	VERB
+the	DET
+good	ADJ
+reviews	NOUN
+before	SCONJ
+going	VERB
+and	CCONJ
+had	VERB
+high	ADJ
+hopes	NOUN
+..	PUNCT
+but	CCONJ
+to	ADP
+our	PRON
+dismay	NOUN
+it	PRON
+did	AUX
+nt	PART
+turn	VERB
+out	ADP
+that	DET
+way	NOUN
+!	PUNCT
+
+~	PUNCT
+It	PRON
+took	VERB
+over	ADV
+40	NUM
+mins	NOUN
+to	PART
+be	AUX
+taken	VERB
+to	ADP
+our	PRON
+table	NOUN
+,	PUNCT
+once	SCONJ
+there	ADV
+it	PRON
+took	VERB
+another	DET
+20	NUM
+mins	NOUN
+to	PART
+get	VERB
+our	PRON
+orders	NOUN
+and	CCONJ
+a	DET
+further	ADJ
+45	NUM
+mins	NOUN
+till	SCONJ
+our	PRON
+starters	NOUN
+landed	VERB
+on	ADP
+our	PRON
+table	NOUN
+.	PUNCT
+
+Very	ADV
+frustrating	ADJ
+for	ADP
+a	DET
+restaurant	NOUN
+that	PRON
+has	VERB
+1	NUM
+rosette	NOUN
+and	CCONJ
+is	AUX
+supposedly	ADV
+renowned	ADJ
+for	ADP
+the	DET
+service	NOUN
+...	PUNCT
+hmm	INTJ
+There	PRON
+was	VERB
+no	DET
+canape's	NOUN
+or	CCONJ
+amuse	NOUN
+to	PART
+keep	VERB
+us	PRON
+occupied	ADJ
+,	PUNCT
+once	SCONJ
+we	PRON
+complained	VERB
+about	ADP
+the	DET
+wait	NOUN
+they	PRON
+took	VERB
+us	PRON
+something	PRON
+to	PART
+nibble	VERB
+on	ADP
+but	CCONJ
+that	PRON
+took	VERB
+us	PRON
+getting	VERB
+out	ADP
+our	PRON
+chairs	NOUN
+and	CCONJ
+wondering	VERB
+round	ADV
+to	PART
+do	VERB
+that	PRON
+and	CCONJ
+it	PRON
+was	AUX
+impossible	ADJ
+to	PART
+get	VERB
+anyone	PRON
+s	PART
+attention	NOUN
+.	PUNCT
+
+Scallops	NOUN
+were	AUX
+overcooked	ADJ
+and	CCONJ
+the	DET
+foie	NOUN
+gras	NOUN
+was	AUX
+cold	ADJ
+but	CCONJ
+the	DET
+rest	ADJ
+of	ADP
+the	DET
+food	NOUN
+was	AUX
+lovely	ADJ
+.	PUNCT
+
+On	ADP
+top	NOUN
+of	ADP
+that	PRON
+though	ADV
+they	PRON
+tried	VERB
+to	PART
+charge	VERB
+us	PRON
+service	NOUN
+charge	NOUN
+just	ADV
+to	PART
+rub	VERB
+it	PRON
+it	ADP
+....	PUNCT
+
+Would	AUX
+n't	PART
+go	VERB
+back	ADV
+as	SCONJ
+there	PRON
+are	VERB
+a	DET
+lot	NOUN
+of	ADP
+places	NOUN
+A	DET
+LOT	NOUN
+better	ADJ
+and	CCONJ
+cheaper	ADJ
+.	PUNCT
+
+Nice	ADJ
+selection	NOUN
+,	PUNCT
+very	ADV
+clean	ADJ
+,	PUNCT
+friendly	ADJ
+staff	NOUN
+!	PUNCT
+
+Hot	PROPN
+Iron	PROPN
+has	AUX
+become	VERB
+a	DET
+favorite	NOUN
+of	ADP
+our	PRON
+family	NOUN
+.	PUNCT
+
+Everyone	PRON
+can	AUX
+get	VERB
+the	DET
+signature	NOUN
+dish	NOUN
+with	ADP
+ingredients	NOUN
+and	CCONJ
+spices	NOUN
+that	PRON
+they	PRON
+want	VERB
+and	CCONJ
+have	VERB
+the	DET
+fun	NOUN
+of	SCONJ
+watching	VERB
+it	PRON
+cook	VERB
+.	PUNCT
+
+The	DET
+staff	NOUN
+are	AUX
+very	ADV
+friendly	ADJ
+and	CCONJ
+conscientious	ADJ
+.	PUNCT
+
+They	PRON
+always	ADV
+ask	VERB
+if	SCONJ
+you	PRON
+have	VERB
+meat	NOUN
+in	ADP
+your	PRON
+dish	NOUN
+,	PUNCT
+(	PUNCT
+for	ADP
+vegetarians	NOUN
+like	ADP
+me	PRON
+)	PUNCT
+,	PUNCT
+they	PRON
+scrub	VERB
+an	DET
+area	NOUN
+of	ADP
+the	DET
+grill	NOUN
+and	CCONJ
+use	VERB
+separate	ADJ
+utensils	NOUN
+to	PART
+cook	VERB
+.	PUNCT
+
+They	PRON
+do	AUX
+n't	PART
+just	ADV
+dump	VERB
+your	PRON
+ingredients	NOUN
+on	ADV
+and	CCONJ
+cook	VERB
+either	ADV
+,	PUNCT
+but	CCONJ
+carefully	ADV
+separate	VERB
+meat	NOUN
+to	ADP
+the	DET
+hotter	ADJ
+parts	NOUN
+of	ADP
+the	DET
+grill	NOUN
+and	CCONJ
+still	ADV
+manage	VERB
+to	PART
+keep	VERB
+the	DET
+veggies	NOUN
+from	SCONJ
+turning	VERB
+to	ADP
+mush	NOUN
+.	PUNCT
+
+The	DET
+selection	NOUN
+of	ADP
+meats	NOUN
+,	PUNCT
+veggies	NOUN
+and	CCONJ
+sauces	NOUN
+is	AUX
+awesome	ADJ
+too	ADV
+!	PUNCT
+
+Every	DET
+time	NOUN
+we	PRON
+go	VERB
+they	PRON
+seem	VERB
+to	PART
+have	VERB
+a	DET
+different	ADJ
+ingredient	NOUN
+or	CCONJ
+two	NUM
+which	PRON
+keeps	VERB
+things	NOUN
+interesting	ADJ
+.	PUNCT
+
+Meats	NOUN
+are	AUX
+kept	VERB
+VERY	ADV
+cold	ADJ
+,	PUNCT
+seafood	NOUN
+smells	VERB
+fresh	ADJ
+and	CCONJ
+the	DET
+serving	NOUN
+bar	NOUN
+is	AUX
+VERY	ADV
+clean	ADJ
+.	PUNCT
+
+Prices	NOUN
+are	AUX
+reasonable	ADJ
+,	PUNCT
+(	PUNCT
+Kid	NOUN
+s	PART
+meals	NOUN
+are	AUX
+around	ADV
+4.99	NUM
+)	PUNCT
+and	CCONJ
+Wednesday's	PROPN
+they	PRON
+have	VERB
+discount	NOUN
+dinner	NOUN
+prices	NOUN
+,	PUNCT
+I	PRON
+believe	VERB
+.	PUNCT
+
+Great	ADJ
+Cookies	NOUN
+,	PUNCT
+Cakes	NOUN
+,	PUNCT
+and	CCONJ
+Customer	NOUN
+Service	NOUN
+
+It	PRON
+was	AUX
+my	PRON
+birthday	NOUN
+and	CCONJ
+I	PRON
+had	VERB
+a	DET
+last	ADJ
+minute	NOUN
+idea	NOUN
+to	PART
+have	VERB
+a	DET
+bakery	NOUN
+cake	NOUN
+instead	ADV
+of	ADP
+one	NUM
+pre-made	VERB
+in	ADP
+a	DET
+convenience	NOUN
+store	NOUN
+,	PUNCT
+but	CCONJ
+the	DET
+problem	NOUN
+was	VERB
+it	PRON
+was	AUX
+the	DET
+day	NOUN
+before	ADP
+Valentine	PROPN
+s	PART
+and	CCONJ
+when	ADV
+many	ADJ
+bakeries	NOUN
+turned	VERB
+me	PRON
+down	ADP
+for	ADP
+a	DET
+plain	ADJ
+vanilla	ADJ
+rectangle	NOUN
+cake	NOUN
+,	PUNCT
+Fiona	PROPN
+stepped	VERB
+up	ADP
+to	ADP
+the	DET
+plate	NOUN
+and	CCONJ
+was	AUX
+able	ADJ
+to	PART
+make	VERB
+a	DET
+fantastic	ADJ
+beautiful	ADJ
+cake	NOUN
+.	PUNCT
+
+Not	ADV
+only	ADV
+did	AUX
+it	PRON
+taste	VERB
+wonderful	ADJ
+,	PUNCT
+but	CCONJ
+the	DET
+texture	NOUN
+was	AUX
+unbelievable	ADJ
+,	PUNCT
+the	DET
+frosting	NOUN
+was	AUX
+n't	PART
+overly	ADV
+sweet	ADJ
+to	PART
+over	X
+power	VERB
+the	DET
+cake	NOUN
+,	PUNCT
+and	CCONJ
+the	DET
+cake	NOUN
+itself	PRON
+was	AUX
+just	ADV
+amazingly	ADV
+soft	ADJ
+,	PUNCT
+and	CCONJ
+fluffy	ADJ
+,	PUNCT
+and	CCONJ
+just	ADV
+perfect	ADJ
+overall	ADV
+.	PUNCT
+
+Although	SCONJ
+I	PRON
+'ll	AUX
+have	VERB
+to	PART
+drive	VERB
+a	DET
+little	ADJ
+out	ADP
+of	ADP
+my	PRON
+way	NOUN
+to	PART
+go	VERB
+there	ADV
+,	PUNCT
+I	PRON
+'ll	AUX
+gladly	ADV
+do	VERB
+it	PRON
+knowing	VERB
+that	SCONJ
+since	SCONJ
+she	PRON
+'s	AUX
+been	AUX
+astounding	ADJ
+to	ADP
+me	PRON
+once	ADV
+before	ADP
+that	PRON
+she	PRON
+'ll	AUX
+always	ADV
+be	AUX
+that	DET
+way	NOUN
+!	PUNCT
+
+(	PUNCT
+Also	ADV
+she	PRON
+has	VERB
+a	DET
+really	ADV
+great	ADJ
+website	NOUN
+!	PUNCT
+
+And	CCONJ
+we	PRON
+bought	VERB
+a	DET
+few	ADJ
+cookies	NOUN
+there	ADV
+too	ADV
+,	PUNCT
+they	PRON
+were	AUX
+fantastic	ADJ
+as	ADV
+well	ADV
+!	PUNCT
+)	PUNCT
+
+She	PRON
+deserves	VERB
+many	ADJ
+5	NUM
+star	NOUN
+reviews	NOUN
+!!	PUNCT
+
+Food	NOUN
+Craving	NOUN
+Gone	ADJ
+and	CCONJ
+Weight	NOUN
+Loss	NOUN
+at	ADP
+Acupuncture	NOUN
+Doctor	NOUN
+
+I	PRON
+am	AUX
+a	DET
+college	NOUN
+student	NOUN
+.	PUNCT
+
+Before	ADP
+treatment	NOUN
+,	PUNCT
+my	PRON
+food	NOUN
+cravings	NOUN
+were	AUX
+"	PUNCT
+out	ADP
+of	ADP
+control	NOUN
+"	PUNCT
+which	PRON
+caused	VERB
+me	PRON
+to	PART
+be	AUX
+stressed	VERB
+out	ADP
+.	PUNCT
+
+I	PRON
+experienced	VERB
+a	DET
+Definite	ADJ
+Decrease	NOUN
+in	ADP
+food	NOUN
+craving	NOUN
+(	PUNCT
+about	ADV
+50	NUM
+%	SYM
+)	PUNCT
+and	CCONJ
+decrease	NOUN
+in	ADP
+stress	NOUN
+after	ADP
+the	DET
+1st	ADJ
+treatment	NOUN
+.	PUNCT
+
+I	PRON
+actually	ADV
+loss	VERB
+4	NUM
+pounds	NOUN
+after	ADP
+my	PRON
+1st	ADJ
+treatment	NOUN
+and	CCONJ
+2	NUM
+pounds	NOUN
+after	ADP
+my	PRON
+2nd	ADJ
+treatment	NOUN
+.	PUNCT
+
+I	PRON
+was	AUX
+amazed	ADJ
+.	PUNCT
+
+I	PRON
+am	AUX
+now	ADV
+more	ADV
+at	ADP
+peace	NOUN
+and	CCONJ
+my	PRON
+food	NOUN
+craving	NOUN
+is	AUX
+about	ADV
+99	NUM
+%	SYM
+gone	ADJ
+after	ADP
+only	ADV
+3	NUM
+treatments	NOUN
+.	PUNCT
+
+Before	SCONJ
+coming	VERB
+to	ADP
+Acupuncture	NOUN
+DOCTOR	NOUN
+I	PRON
+was	AUX
+a	DET
+big	ADJ
+baby	NOUN
+about	ADP
+needles	NOUN
+and	CCONJ
+only	ADV
+came	VERB
+because	SCONJ
+my	PRON
+boyfriend	NOUN
+'s	PART
+aunt	NOUN
+recommended	VERB
+it	PRON
+.	PUNCT
+
+It	PRON
+hurt	VERB
+very	ADV
+little	ADV
+,	PUNCT
+felt	VERB
+more	ADV
+like	ADP
+pressure	NOUN
+than	ADP
+pain	NOUN
+.	PUNCT
+
+What	PRON
+I	PRON
+like	VERB
+most	ADV
+about	ADP
+Dr.	PROPN
+Liau	PROPN
+is	VERB
+that	SCONJ
+she	PRON
+is	AUX
+very	ADV
+caring	ADJ
+.	PUNCT
+
+She	PRON
+talks	VERB
+to	ADP
+you	PRON
+at	ADP
+each	DET
+appointment	NOUN
+.	PUNCT
+
+I	PRON
+can	AUX
+tell	VERB
+she	PRON
+really	ADV
+cares	VERB
+and	CCONJ
+wants	VERB
+to	PART
+help	VERB
+.	PUNCT
+
+I	PRON
+am	AUX
+SO	ADV
+GLAD	ADJ
+to	PART
+have	AUX
+found	VERB
+Dr.	PROPN
+Liau	PROPN
+.	PUNCT
+
+Now	ADV
+I	PRON
+feel	VERB
+more	ADV
+confident	ADJ
+wearing	VERB
+my	PRON
+bathing	NOUN
+suit	NOUN
+in	ADP
+the	DET
+summer	NOUN
+.	PUNCT
+
+An	DET
+Asset	NOUN
+to	ADP
+Richmond	PROPN
+
+For	ADP
+a	DET
+long	ADJ
+time	NOUN
+,	PUNCT
+one	NUM
+big	ADJ
+source	NOUN
+of	ADP
+entertainment	NOUN
+missing	ADJ
+from	ADP
+the	DET
+Richmond	PROPN
+City	NOUN
+Limits	NOUN
+was	AUX
+a	DET
+first	ADJ
+-	PUNCT
+run	NOUN
+multiplex	NOUN
+.	PUNCT
+
+Bowtie	PROPN
+has	AUX
+filled	VERB
+that	DET
+role	NOUN
+nicely	ADV
+.	PUNCT
+
+The	DET
+theatre	NOUN
+is	AUX
+in	ADP
+an	DET
+old	ADJ
+brick	NOUN
+warehouse	NOUN
+,	PUNCT
+which	PRON
+is	AUX
+a	DET
+block	NOUN
+away	ADV
+from	ADP
+the	DET
+Flying	PROPN
+Squirrels	PROPN
+stadium	NOUN
+.	PUNCT
+
+The	DET
+owners	NOUN
+of	ADP
+Bowtie	PROPN
+manged	VERB
+to	PART
+add	VERB
+something	PRON
+new	ADJ
+while	SCONJ
+preserving	VERB
+what	PRON
+was	AUX
+already	ADV
+there	ADV
+.	PUNCT
+
+The	DET
+theatre	NOUN
+has	AUX
+greatly	ADV
+improved	VERB
+the	DET
+surrounding	VERB
+neighborhood	NOUN
+.	PUNCT
+
+There	PRON
+'s	VERB
+plenty	NOUN
+of	ADP
+parking	NOUN
+,	PUNCT
+and	CCONJ
+I	PRON
+'ve	AUX
+never	ADV
+had	VERB
+an	DET
+issue	NOUN
+with	ADP
+audience	NOUN
+members	NOUN
+who	PRON
+wo	AUX
+n't	PART
+stop	VERB
+talking	VERB
+or	CCONJ
+answering	VERB
+their	PRON
+cellphones	NOUN
+.	PUNCT
+
+Best	ADV
+of	ADP
+all	DET
+,	PUNCT
+there	PRON
+are	VERB
+no	DET
+ads	NOUN
+!!!!	PUNCT
+!	PUNCT
+
+Just	ADV
+previews	NOUN
+and	CCONJ
+the	DET
+main	ADJ
+feature	NOUN
+.	PUNCT
+
+Expect	VERB
+to	PART
+pay	VERB
+full	ADJ
+price	NOUN
+,	PUNCT
+and	CCONJ
+the	DET
+theatres	NOUN
+themselves	PRON
+are	AUX
+on	ADP
+the	DET
+small	ADJ
+side	NOUN
+.	PUNCT
+
+But	CCONJ
+if	SCONJ
+you	PRON
+like	VERB
+going	VERB
+to	ADP
+the	DET
+movies	NOUN
+,	PUNCT
+you	PRON
+should	AUX
+love	VERB
+Bowtie	PROPN
+.	PUNCT
+
+The	DET
+mangers	NOUN
+also	ADV
+play	VERB
+a	DET
+classic	ADJ
+movies	NOUN
+on	ADP
+Sundays	PROPN
+,	PUNCT
+you	PRON
+can	AUX
+get	VERB
+a	DET
+beer	NOUN
+in	ADP
+the	DET
+lobby	NOUN
+,	PUNCT
+and	CCONJ
+repeat	ADJ
+customers	NOUN
+can	AUX
+get	VERB
+discounts	NOUN
+if	SCONJ
+they	PRON
+have	VERB
+a	DET
+member	NOUN
+card	NOUN
+.	PUNCT
+
+A	DET
+great	ADJ
+cinema	NOUN
+in	ADP
+a	DET
+great	ADJ
+location	NOUN
+.	PUNCT
+
+Thank	VERB
+you	PRON
+,	PUNCT
+Bowtie	PROPN
+!	PUNCT
+
+Craft	NOUN
+Wonderland	NOUN
+with	ADP
+History	NOUN
+
+My	PRON
+first	ADJ
+visit	NOUN
+was	AUX
+so	ADV
+fun	ADJ
+yesterday	NOUN
+.	PUNCT
+
+I	PRON
+could	AUX
+have	AUX
+stayed	VERB
+all	DET
+day	NOUN
+and	CCONJ
+not	PART
+seen	VERB
+all	DET
+the	DET
+things	NOUN
+.	PUNCT
+
+I	PRON
+am	AUX
+doing	VERB
+origami	NOUN
+jewelry	NOUN
+and	CCONJ
+found	VERB
+exactly	ADV
+the	DET
+right	ADJ
+things	NOUN
+for	ADP
+earrings	NOUN
+and	CCONJ
+got	VERB
+many	ADJ
+other	ADJ
+ideas	NOUN
+there	ADV
+too	ADV
+.	PUNCT
+
+I	PRON
+bought	VERB
+a	DET
+beginner	NOUN
+s	PART
+quilling	NOUN
+set	NOUN
+and	CCONJ
+like	SCONJ
+making	VERB
+the	DET
+filigree	NOUN
+forms	NOUN
+you	PRON
+can	AUX
+make	VERB
+and	CCONJ
+add	VERB
+to	ADP
+other	ADJ
+crafts	NOUN
+.	PUNCT
+
+The	DET
+owner	NOUN
+,	PUNCT
+Jean	PROPN
+,	PUNCT
+has	AUX
+been	AUX
+there	ADV
+31	NUM
+years	NOUN
+!	PUNCT
+
+What	DET
+a	DET
+history	NOUN
+.	PUNCT
+
+She	PRON
+is	AUX
+a	DET
+super	ADV
+sweet	ADJ
+,	PUNCT
+lovable	ADJ
+and	CCONJ
+well	ADV
+-	PUNCT
+informed	VERB
+woman	NOUN
+with	ADP
+a	DET
+great	ADJ
+sense	NOUN
+of	ADP
+humor	NOUN
+.	PUNCT
+
+I	PRON
+really	ADV
+enjoyed	VERB
+meeting	VERB
+her	PRON
+and	CCONJ
+happy	ADJ
+to	PART
+learn	VERB
+she	PRON
+comes	VERB
+from	ADP
+Oklahoma	PROPN
+and	CCONJ
+has	VERB
+the	DET
+values	NOUN
+of	ADP
+a	DET
+solid	ADJ
+no	DET
+bs	NOUN
+country	NOUN
+girl	NOUN
+.	PUNCT
+
+This	DET
+store	NOUN
+is	AUX
+a	DET
+real	ADJ
+gem	NOUN
+and	CCONJ
+has	VERB
+much	ADJ
+to	PART
+offer	VERB
+the	DET
+serious	ADJ
+crafter	NOUN
+or	CCONJ
+the	DET
+occasional	ADJ
+crafter	NOUN
+.	PUNCT
+
+By	ADP
+the	DET
+way	NOUN
+,	PUNCT
+Salmagundi	PROPN
+(	PUNCT
+the	DET
+store	NOUN
+name	NOUN
+)	PUNCT
+means	VERB
+something	PRON
+like	ADP
+smorgasbord	NOUN
+;	PUNCT
+potpourri	NOUN
+;	PUNCT
+motley	ADJ
+;	PUNCT
+variety	NOUN
+;	PUNCT
+mixed	VERB
+bag	NOUN
+;	PUNCT
+miscellaneous	ADJ
+assortment	NOUN
+;	PUNCT
+mixture	NOUN
+,	PUNCT
+a	DET
+variety	NOUN
+of	ADP
+many	ADJ
+kinds	NOUN
+of	ADP
+things	NOUN
+.	PUNCT
+
+Great	ADJ
+name	NOUN
+for	ADP
+a	DET
+great	ADJ
+store	NOUN
+!	PUNCT
+
+Shop	VERB
+Local	ADV
+!	PUNCT
+
+Barbara	PROPN
+Quimba	PROPN
+1/30/10	NUM
+
+the	DET
+2010	NUM
+Genesis	PROPN
+is	AUX
+grrrrrrrreeeaaat	ADJ
+!	PUNCT
+
+I	PRON
+am	AUX
+a	DET
+proud	ADJ
+owner	NOUN
+of	ADP
+a	DET
+brand	ADV
+new	ADJ
+2010	NUM
+Hyundai	PROPN
+Genesis	PROPN
+.	PUNCT
+
+I	PRON
+have	AUX
+never	ADV
+seen	VERB
+this	DET
+car	NOUN
+before	ADV
+until	SCONJ
+this	DET
+lady	NOUN
+at	ADP
+wal	PROPN
+mart	PROPN
+had	VERB
+it	PRON
+and	CCONJ
+she	PRON
+told	VERB
+me	PRON
+she	PRON
+got	VERB
+it	PRON
+here	ADV
+and	CCONJ
+that	SCONJ
+everyone	PRON
+was	AUX
+so	ADV
+nice	ADJ
+to	ADP
+her	PRON
+.	PUNCT
+
+I	PRON
+asked	VERB
+her	PRON
+who	PRON
+she	PRON
+worked	VERB
+with	ADP
+and	CCONJ
+she	PRON
+just	ADV
+told	VERB
+me	PRON
+ti	PRON
+was	AUX
+the	DET
+sales	NOUN
+manager	NOUN
+.	PUNCT
+
+I	PRON
+took	VERB
+the	DET
+weekend	NOUN
+off	ADP
+and	CCONJ
+came	VERB
+in	ADV
+and	CCONJ
+asked	VERB
+for	ADP
+the	DET
+manager	NOUN
+who	PRON
+is	AUX
+Jeff	PROPN
+and	CCONJ
+he	PRON
+remembered	VERB
+her	PRON
+right	ADV
+away	ADV
+even	ADV
+remembered	VERB
+her	PRON
+dog	NOUN
+,	PUNCT
+I	PRON
+was	AUX
+a	DET
+bit	NOUN
+shocked	ADJ
+that	SCONJ
+someone	PRON
+would	AUX
+pay	VERB
+that	ADV
+close	ADJ
+attention	NOUN
+.	PUNCT
+
+We	PRON
+got	VERB
+to	SCONJ
+talking	VERB
+and	CCONJ
+he	PRON
+got	VERB
+me	PRON
+set	VERB
+up	ADP
+and	CCONJ
+I	PRON
+test	NOUN
+drove	VERB
+with	ADP
+Craig	PROPN
+and	CCONJ
+I	PRON
+fell	VERB
+head	NOUN
+over	ADP
+heels	NOUN
+for	ADP
+this	DET
+car	NOUN
+all	DET
+I	PRON
+kept	VERB
+saying	VERB
+,	PUNCT
+"	PUNCT
+was	VERB
+I	PRON
+got	VERB
+ta	PART
+have	VERB
+it	PRON
+!	PUNCT
+"	PUNCT
+
+I	PRON
+thouhgt	VERB
+it	PRON
+would	AUX
+be	AUX
+out	ADP
+of	ADP
+my	PRON
+price	NOUN
+range	NOUN
+but	CCONJ
+they	PRON
+really	ADV
+worked	VERB
+with	ADP
+me	PRON
+and	CCONJ
+now	ADV
+I	PRON
+could	AUX
+nt	PART
+be	AUX
+happier	ADJ
+.	PUNCT
+
+Jeff	PROPN
+and	CCONJ
+Craig	PROPN
+are	AUX
+really	ADV
+good	ADJ
+at	SCONJ
+what	PRON
+they	PRON
+do	VERB
+and	CCONJ
+know	VERB
+exactly	ADV
+how	ADV
+to	PART
+treat	VERB
+a	DET
+customer	NOUN
+.	PUNCT
+
+Definitely	ADV
+go	VERB
+see	VERB
+them	PRON
+!	PUNCT
+
+Bait	NOUN
+and	CCONJ
+switch	NOUN
+,	PUNCT
+untrained	ADJ
+workers	NOUN
+
+Called	VERB
+the	DET
+Bonanza	PROPN
+store	NOUN
+2	NUM
+weeks	NOUN
+ago	ADV
+,	PUNCT
+before	SCONJ
+I	PRON
+ripped	VERB
+out	ADP
+350	NUM
+sq	ADJ
+ft	NOUN
+of	ADP
+ceramic	ADJ
+tile	NOUN
+...	PUNCT
+was	AUX
+told	VERB
+I	PRON
+would	AUX
+need	VERB
+a	DET
+"	PUNCT
+dual	ADJ
+head	NOUN
+concrete	NOUN
+grinder	NOUN
+"	PUNCT
+to	PART
+remove	VERB
+thinset	NOUN
+and	CCONJ
+make	VERB
+a	DET
+nice	ADJ
+"	PUNCT
+finished	VERB
+"	PUNCT
+look	NOUN
+(	PUNCT
+ready	ADJ
+for	ADP
+concrete	NOUN
+stain	NOUN
+)	PUNCT
+.	PUNCT
+
+Was	AUX
+quoted	VERB
+$	SYM
+55	NUM
+all	ADV
+inclusive	ADJ
+of	ADP
+grinder	NOUN
+inserts	NOUN
+,	PUNCT
+etc	X
+.	PUNCT
+
+No	DET
+problem	NOUN
+,	PUNCT
+sounded	VERB
+like	SCONJ
+it	PRON
+'s	AUX
+done	VERB
+every	DET
+day	NOUN
+.	PUNCT
+
+Will	AUX
+look	VERB
+beautiful	ADJ
+.	PUNCT
+
+Got	VERB
+the	DET
+tile	NOUN
+ripped	VERB
+out	ADP
+,	PUNCT
+call	VERB
+today	NOUN
+,	PUNCT
+now	ADV
+all	ADV
+the	ADV
+sudden	ADV
+this	DET
+grinder	NOUN
+wo	AUX
+n't	PART
+leave	VERB
+a	DET
+finished	VERB
+look	NOUN
+AND	CCONJ
+it	PRON
+'s	AUX
+$	SYM
+125	NUM
+PLUS	CCONJ
+around	ADV
+$	SYM
+75	NUM
+for	ADP
+the	DET
+inserts	NOUN
+.	PUNCT
+
+I	PRON
+can	AUX
+rent	VERB
+another	DET
+machine	NOUN
+for	ADP
+like	ADV
+$	SYM
+60	NUM
+that	PRON
+will	AUX
+give	VERB
+it	PRON
+a	DET
+finished	VERB
+look	NOUN
+.	PUNCT
+
+So	ADV
+from	ADP
+$	SYM
+55	NUM
+to	ADP
+$	SYM
+260	NUM
+?	PUNCT
+
+Are	AUX
+they	PRON
+serious	ADJ
+?	PUNCT
+
+I	PRON
+feel	VERB
+like	SCONJ
+they	PRON
+did	AUX
+n't	PART
+tell	VERB
+me	PRON
+the	DET
+pitfalls	NOUN
+before	SCONJ
+I	PRON
+pulled	VERB
+out	ADV
+this	DET
+tile	NOUN
+and	CCONJ
+now	ADV
+that	SCONJ
+I	PRON
+have	VERB
+no	DET
+other	ADJ
+options	NOUN
+they	PRON
+want	VERB
+5	NUM
+TIMES	NOUN
+the	DET
+price	NOUN
+?	PUNCT
+
+Either	CCONJ
+these	DET
+people	NOUN
+do	AUX
+n't	PART
+know	VERB
+anything	PRON
+about	SCONJ
+what	PRON
+they	PRON
+are	AUX
+renting	VERB
+,	PUNCT
+or	CCONJ
+worse	ADJ
+-	PUNCT
+they	PRON
+are	AUX
+bait	VERB
+and	CCONJ
+switching	VERB
+.	PUNCT
+
+One	PRON
+suspects	VERB
+that	DET
+earlier	ADJ
+reviewer	NOUN
+works	VERB
+for	ADP
+another	DET
+laundry	NOUN
+.	PUNCT
+
+Outside	ADV
+of	SCONJ
+parking	NOUN
+being	AUX
+at	ADP
+a	DET
+premium	NOUN
+,	PUNCT
+especially	ADV
+on	ADP
+discount	NOUN
+days	NOUN
+,	PUNCT
+The	DET
+Laundry	PROPN
+Tub	PROPN
+is	AUX
+not	PART
+filthy	ADJ
+and	CCONJ
+it	PRON
+'s	AUX
+no	ADV
+smaller	ADJ
+than	ADP
+any	DET
+of	ADP
+a	DET
+dozen	NOUN
+laundromats	NOUN
+I	PRON
+'ve	AUX
+been	AUX
+in	ADP
+.	PUNCT
+
+Yes	INTJ
+,	PUNCT
+there	PRON
+are	VERB
+bigger	ADJ
+,	PUNCT
+but	CCONJ
+bigger	ADJ
+is	AUX
+n't	PART
+necessarily	ADV
+better	ADJ
+.	PUNCT
+
+I	PRON
+availed	VERB
+myself	PRON
+of	ADP
+the	DET
+wash	VERB
+'n	CCONJ
+fold	VERB
+service	NOUN
+,	PUNCT
+taking	VERB
+just	ADV
+about	ADP
+a	DET
+year	NOUN
+'s	PART
+worth	NOUN
+of	ADP
+dirty	ADJ
+clothes	NOUN
+in	ADV
+and	CCONJ
+getting	VERB
+back	ADV
+neatly	ADV
+folded	VERB
+,	PUNCT
+clean	ADJ
+clothes	NOUN
+in	ADP
+clear	ADJ
+plastic	NOUN
+bags	NOUN
+(	PUNCT
+I	PRON
+'d	AUX
+originally	ADV
+brought	VERB
+them	PRON
+in	ADV
+,	PUNCT
+in	ADP
+six	NUM
+large	ADJ
+yellow	ADJ
+garbage	NOUN
+bags	NOUN
+)	PUNCT
+.	PUNCT
+
+The	DET
+cost	NOUN
+was	AUX
+certainly	ADV
+reasonable	ADJ
+and	CCONJ
+I	PRON
+will	AUX
+continue	VERB
+my	PRON
+patronage	NOUN
+of	ADP
+The	DET
+Laundry	PROPN
+Tub	PROPN
+in	ADP
+the	DET
+future	NOUN
+.	PUNCT
+
+Did	AUX
+n't	PART
+hurt	VERB
+any	ADV
+that	SCONJ
+they	PRON
+knew	VERB
+my	PRON
+name	NOUN
+by	ADP
+my	PRON
+second	ADJ
+visit	NOUN
+and	CCONJ
+greeted	VERB
+me	PRON
+warmly	ADV
+then	ADV
+and	CCONJ
+on	ADP
+my	PRON
+third	ADJ
+visit	NOUN
+.	PUNCT
+
+Whereas	SCONJ
+my	PRON
+answer	NOUN
+to	ADP
+the	DET
+question	NOUN
+"	PUNCT
+Where	ADV
+do	AUX
+you	PRON
+get	VERB
+your	PRON
+laundry	NOUN
+done	VERB
+?	PUNCT
+"	PUNCT
+used	VERB
+to	PART
+be	AUX
+,	PUNCT
+"	PUNCT
+At	ADP
+the	DET
+checkout	NOUN
+line	NOUN
+at	ADP
+WalMart	PROPN
+,	PUNCT
+"	PUNCT
+I	PRON
+can	AUX
+honestly	ADV
+say	VERB
+the	DET
+answer	NOUN
+now	ADV
+is	VERB
+,	PUNCT
+"	PUNCT
+At	ADP
+The	DET
+Laundry	PROPN
+Tub	PROPN
+.	PUNCT
+"	PUNCT
+
+Thank	VERB
+you	PRON
+!	PUNCT
+
+I	PRON
+recently	ADV
+took	VERB
+a	DET
+rescue	NOUN
+puppy	NOUN
+to	ADP
+this	DET
+Clinic	NOUN
+and	CCONJ
+I	PRON
+was	AUX
+SHOCKED	ADJ
+at	SCONJ
+how	ADV
+well	ADV
+Romeo	PROPN
+and	CCONJ
+My	PRON
+family	NOUN
+was	AUX
+treated	VERB
+.	PUNCT
+
+They	PRON
+worked	VERB
+around	ADP
+the	DET
+clock	NOUN
+to	PART
+ensure	VERB
+that	SCONJ
+my	PRON
+puppy	NOUN
+life	NOUN
+was	AUX
+saved	VERB
+.	PUNCT
+
+We	PRON
+have	VERB
+to	PART
+leave	VERB
+him	PRON
+at	ADP
+the	DET
+vet	NOUN
+for	ADP
+3	NUM
+days	NOUN
+and	CCONJ
+I	PRON
+was	AUX
+told	VERB
+to	PART
+call	VERB
+for	ADP
+check	NOUN
+ups	NOUN
+as	ADV
+often	ADV
+as	SCONJ
+I	PRON
+wished	VERB
+that	SCONJ
+no	ADV
+matter	ADV
+how	ADV
+many	ADJ
+times	NOUN
+I	PRON
+called	VERB
+I	PRON
+would	AUX
+not	PART
+annoy	VERB
+them	PRON
+.	PUNCT
+
+lol	INTJ
+They	PRON
+where	VERB
+super	ADV
+friendly	ADJ
+towards	ADP
+us	PRON
+and	CCONJ
+treated	VERB
+us	PRON
+like	ADP
+people	NOUN
+not	ADV
+walking	VERB
+bags	NOUN
+of	ADP
+cash	NOUN
+.	PUNCT
+
+In	ADP
+this	DET
+day	NOUN
+it	PRON
+s	AUX
+rare	ADJ
+to	PART
+find	VERB
+such	ADV
+wonderful	ADJ
+people	NOUN
+who	PRON
+CARE	VERB
+,	PUNCT
+Not	ADV
+the	DET
+kind	NOUN
+of	ADP
+want	VERB
+to	PART
+make	VERB
+cash	NOUN
+.	PUNCT
+
+I	PRON
+would	AUX
+strongly	ADV
+suggest	VERB
+you	PRON
+give	VERB
+them	PRON
+the	DET
+chance	NOUN
+to	PART
+prove	VERB
+to	ADP
+you	PRON
+that	SCONJ
+not	ADV
+all	DET
+people	NOUN
+in	ADP
+this	DET
+world	NOUN
+are	AUX
+evil	ADJ
+!	PUNCT
+
+I	PRON
+will	AUX
+never	ADV
+go	VERB
+to	ADP
+another	DET
+vet	NOUN
+as	ADV
+long	ADV
+as	SCONJ
+I	PRON
+have	VERB
+animals	NOUN
+.	PUNCT
+
+I	PRON
+live	VERB
+nearly	ADV
+two	NUM
+hours	NOUN
+away	ADV
+and	CCONJ
+yet	CCONJ
+I	PRON
+will	AUX
+still	ADV
+make	VERB
+the	DET
+drive	NOUN
+to	PART
+see	VERB
+them	PRON
+!	PUNCT
+
+In	ADP
+fact	NOUN
+I	PRON
+look	VERB
+forward	ADV
+to	SCONJ
+taking	VERB
+my	PRON
+animals	NOUN
+to	ADP
+the	DET
+vet	NOUN
+simply	ADV
+because	ADP
+of	SCONJ
+how	ADV
+my	PRON
+animals	NOUN
+and	CCONJ
+I	PRON
+are	AUX
+treated	VERB
+.	PUNCT
+
+Okay	INTJ
+,	PUNCT
+here	ADV
+'s	AUX
+the	DET
+scoop	NOUN
+.	PUNCT
+
+I	PRON
+'m	AUX
+a	DET
+regular	NOUN
+at	ADP
+the	DET
+HH	PROPN
+.	PUNCT
+
+The	DET
+food	NOUN
+is	AUX
+excellent	ADJ
+,	PUNCT
+the	DET
+serivce	NOUN
+is	AUX
+horrible	ADJ
+.	PUNCT
+
+I	PRON
+think	VERB
+they	PRON
+'re	AUX
+still	ADV
+in	ADP
+the	DET
+mindset	NOUN
+from	SCONJ
+when	ADV
+it	PRON
+was	AUX
+only	ADV
+smokers	NOUN
+sitting	VERB
+around	ADV
+and	CCONJ
+drinking	VERB
+...	PUNCT
+not	ADV
+in	ADP
+any	DET
+hurry	NOUN
+.	PUNCT
+
+In	ADP
+my	PRON
+experience	NOUN
+the	DET
+food	NOUN
+has	AUX
+been	AUX
+excellent	ADJ
+(	PUNCT
+for	ADP
+the	DET
+most	ADJ
+part	NOUN
+)	PUNCT
+.	PUNCT
+
+However	ADV
+,	PUNCT
+the	DET
+bartenders	NOUN
+/	PUNCT
+waitresses	NOUN
+definately	ADV
+need	VERB
+to	PART
+be	AUX
+re-trained	VERB
+(	PUNCT
+if	SCONJ
+they	PRON
+ever	ADV
+had	VERB
+any	DET
+to	PART
+begin	VERB
+with	ADP
+)	PUNCT
+and	CCONJ
+learn	VERB
+two	NUM
+things	NOUN
+:	PUNCT
+only	ADV
+chat	VERB
+with	ADP
+customers	NOUN
+when	ADV
+other	ADJ
+customers	NOUN
+are	AUX
+not	PART
+impatiently	ADV
+waiting	VERB
+and	CCONJ
+to	PART
+look	VERB
+around	ADV
+more	ADV
+often	ADV
+to	PART
+see	VERB
+if	SCONJ
+people	NOUN
+are	AUX
+waiting	VERB
+.	PUNCT
+
+In	ADP
+some	DET
+cases	NOUN
+the	DET
+result	NOUN
+is	AUX
+because	ADP
+of	ADP
+understaffing	NOUN
+,	PUNCT
+in	ADP
+some	DET
+cases	NOUN
+the	DET
+staff	NOUN
+just	ADV
+does	AUX
+n't	PART
+care	VERB
+/	PUNCT
+know	VERB
+better	ADV
+.	PUNCT
+
+They	PRON
+must	AUX
+also	ADV
+get	VERB
+something	PRON
+to	PART
+keep	VERB
+take	NOUN
+-	PUNCT
+out	NOUN
+warm	ADJ
+,	PUNCT
+so	SCONJ
+it	PRON
+'s	AUX
+not	PART
+room	NOUN
+temperature	NOUN
+at	ADV
+best	ADV
+when	ADV
+you	PRON
+get	VERB
+it	PRON
+home	ADV
+.	PUNCT
+
+You	PRON
+just	ADV
+have	VERB
+to	PART
+know	VERB
+what	PRON
+you	PRON
+'re	AUX
+getting	VERB
+into	ADP
+when	ADV
+you	PRON
+go	VERB
+.	PUNCT
+
+Nice	ADJ
+local	ADJ
+pub	NOUN
+,	PUNCT
+excellent	ADJ
+food	NOUN
+(	PUNCT
+especially	ADV
+wings	NOUN
+)	PUNCT
+,	PUNCT
+and	CCONJ
+do	AUX
+n't	PART
+go	VERB
+if	SCONJ
+you	PRON
+have	VERB
+a	DET
+limited	ADJ
+amount	NOUN
+of	ADP
+time	NOUN
+.	PUNCT
+
+Trust	VERB
+The	DET
+Midas	PROPN
+Touch	NOUN
+
+I	PRON
+personally	ADV
+trust	VERB
+this	DET
+Midas	PROPN
+store	NOUN
+with	ADP
+all	DET
+my	PRON
+vehicles	NOUN
+,	PUNCT
+I	PRON
+have	AUX
+been	AUX
+going	VERB
+there	ADV
+for	ADP
+years	NOUN
+&	CCONJ
+would	AUX
+never	ADV
+go	VERB
+anywhere	ADV
+else	ADV
+!	PUNCT
+
+the	DET
+staff	NOUN
+is	AUX
+very	ADV
+personable	ADJ
+&	CCONJ
+actually	ADV
+care	VERB
+about	ADP
+the	DET
+customers	NOUN
+safety	NOUN
+rather	ADV
+than	ADP
+taking	VERB
+there	PRON
+money	NOUN
+.	PUNCT
+
+This	PRON
+is	AUX
+however	ADV
+a	DET
+very	ADV
+busy	ADJ
+shop	NOUN
+but	CCONJ
+there	PRON
+are	VERB
+appointments	NOUN
+available	ADJ
+&	CCONJ
+the	DET
+staff	NOUN
+up	ADP
+front	NOUN
+will	AUX
+surely	ADV
+make	VERB
+sure	ADJ
+you	PRON
+get	VERB
+back	ADV
+in	ADP
+a	DET
+timely	ADJ
+manner	NOUN
+.	PUNCT
+
+I	PRON
+look	VERB
+at	ADP
+some	DET
+of	ADP
+these	DET
+other	ADJ
+comments	NOUN
+&	CCONJ
+laugh	VERB
+because	SCONJ
+people	NOUN
+think	VERB
+that	SCONJ
+the	DET
+world	NOUN
+revolves	VERB
+around	ADP
+them	PRON
+!	PUNCT
+
+Like	ADP
+the	DET
+girl	NOUN
+with	ADP
+the	DET
+fuse	NOUN
+problem	NOUN
+...	PUNCT
+
+Midas	PROPN
+has	VERB
+the	DET
+most	ADV
+high	ADJ
+tech	NOUN
+equipment	NOUN
+in	ADP
+town	NOUN
+&	CCONJ
+I	PRON
+guarantee	VERB
+you	PRON
+if	SCONJ
+they	PRON
+told	VERB
+you	PRON
+it	PRON
+was	AUX
+electrical	ADJ
+then	ADV
+in	X
+deed	ADV
+it	PRON
+s	AUX
+electrical	ADJ
+!	PUNCT
+
+maybe	ADV
+you	PRON
+should	AUX
+understand	VERB
+how	ADV
+the	DET
+world	NOUN
+works	VERB
+&	CCONJ
+realize	VERB
+you	PRON
+are	AUX
+just	ADV
+like	ADP
+any	DET
+other	ADJ
+person	NOUN
+&	CCONJ
+not	PART
+put	VERB
+yourself	PRON
+on	ADP
+a	DET
+pedestal	NOUN
+.	PUNCT
+
+I	PRON
+will	AUX
+continue	VERB
+going	VERB
+to	ADP
+Dave	PROPN
+at	ADP
+Midas	PROPN
+because	SCONJ
+he	PRON
+is	AUX
+one	NUM
+of	ADP
+the	DET
+most	ADV
+honest	ADJ
+business	NOUN
+owners	NOUN
+in	ADP
+this	DET
+town	NOUN
+!	PUNCT
+
+When	ADV
+having	VERB
+your	PRON
+car	NOUN
+worked	VERB
+on	ADP
+you	PRON
+have	VERB
+to	PART
+trust	VERB
+the	DET
+mechanic	ADJ
+&	CCONJ
+this	DET
+Midas	PROPN
+is	AUX
+truly	ADV
+someone	PRON
+you	PRON
+can	AUX
+trust	VERB
+!	PUNCT
+
+We	PRON
+decided	VERB
+to	PART
+try	VERB
+this	DET
+place	NOUN
+last	ADJ
+night	NOUN
+because	SCONJ
+we	PRON
+noticed	VERB
+that	SCONJ
+it	PRON
+had	VERB
+some	DET
+interesting	ADJ
+things	NOUN
+on	ADP
+the	DET
+menu	NOUN
+aside	ADV
+from	ADP
+the	DET
+usual	ADJ
+rolls	NOUN
+--	PUNCT
+live	ADJ
+scallop	NOUN
+sashimi	NOUN
+,	PUNCT
+duck	NOUN
+breast	NOUN
+nigiri	NOUN
+with	ADP
+foie	NOUN
+gras	NOUN
+,	PUNCT
+panko	NOUN
+mussels	NOUN
+--	PUNCT
+but	CCONJ
+none	NOUN
+of	ADP
+these	PRON
+were	AUX
+particularly	ADV
+great	ADJ
+or	CCONJ
+worth	ADJ
+the	DET
+sticker	NOUN
+price	NOUN
+.	PUNCT
+
+Additionally	ADV
+we	PRON
+tried	VERB
+the	DET
+Logan	PROPN
+Circle	PROPN
+roll	NOUN
+,	PUNCT
+spicy	ADJ
+crab	NOUN
+and	CCONJ
+tuna	NOUN
+roll	NOUN
+,	PUNCT
+and	CCONJ
+sweet	ADJ
+potato	NOUN
+tempura	NOUN
+roll	NOUN
+(	PUNCT
+$	SYM
+15	NUM
+,	PUNCT
+$	SYM
+10	NUM
+,	PUNCT
+and	CCONJ
+$	SYM
+3.75	NUM
+respectively	ADV
+)	PUNCT
+.	PUNCT
+
+The	DET
+sweet	ADJ
+potato	NOUN
+tempura	NOUN
+roll	NOUN
+was	AUX
+actually	ADV
+a	DET
+great	ADJ
+surprise	NOUN
+:	PUNCT
+cheap	ADJ
+and	CCONJ
+delicious	ADJ
+,	PUNCT
+the	DET
+only	ADJ
+thing	NOUN
+we	PRON
+tried	VERB
+that	PRON
+I	PRON
+would	AUX
+say	VERB
+was	AUX
+well	ADV
+worth	ADJ
+it	PRON
+and	CCONJ
+a	DET
+great	ADJ
+value	NOUN
+(	PUNCT
+and	CCONJ
+I	PRON
+never	ADV
+get	VERB
+vegetarian	ADJ
+rolls	NOUN
+)	PUNCT
+.	PUNCT
+
+The	DET
+other	ADJ
+rolls	NOUN
+were	AUX
+n't	PART
+at	ADV
+all	ADV
+special	ADJ
+,	PUNCT
+especially	ADV
+given	VERB
+their	PRON
+pricing	NOUN
+.	PUNCT
+
+The	DET
+bottom	ADJ
+line	NOUN
+is	VERB
+that	SCONJ
+the	DET
+food	NOUN
+is	AUX
+n't	PART
+great	ADJ
+and	CCONJ
+is	AUX
+relatively	ADV
+high	ADJ
+-	PUNCT
+priced	ADJ
+.	PUNCT
+
+The	DET
+service	NOUN
+is	AUX
+solicitous	ADJ
+,	PUNCT
+the	DET
+atmosphere	NOUN
+is	AUX
+nice	ADJ
+and	CCONJ
+mod	ADJ
+except	ADP
+the	DET
+out	ADP
+-	PUNCT
+of	ADP
+-	PUNCT
+place	NOUN
+flat	ADJ
+-	PUNCT
+screen	NOUN
+TV	NOUN
+playing	VERB
+football	NOUN
+.	PUNCT
+
+But	CCONJ
+I	PRON
+'d	AUX
+go	VERB
+elsewhere	ADV
+unless	SCONJ
+the	DET
+prices	NOUN
+are	AUX
+cut	VERB
+.	PUNCT
+
+It	PRON
+'s	AUX
+just	ADV
+not	PART
+worth	ADJ
+it	PRON
+.	PUNCT
+
+Do	AUX
+n't	PART
+Expect	VERB
+Sleep	NOUN
+or	CCONJ
+Courtesy	NOUN
+
+I	PRON
+was	AUX
+booked	VERB
+for	ADP
+2	NUM
+nights	NOUN
+at	ADP
+this	DET
+hotel	NOUN
+in	ADP
+Oct	PROPN
+2007	NUM
+.	PUNCT
+
+At	ADP
+3:15	NUM
+am	NOUN
+on	ADP
+night	NOUN
+#	NOUN
+2	NUM
+,	PUNCT
+the	DET
+fire	NOUN
+alarm	NOUN
+and	CCONJ
+strobe	NOUN
+light	NOUN
+activated	VERB
+in	ADP
+my	PRON
+room	NOUN
+.	PUNCT
+
+These	PRON
+are	AUX
+not	PART
+household	NOUN
+type	NOUN
+alarms	NOUN
+.	PUNCT
+
+When	ADV
+they	PRON
+sound	VERB
+off	ADP
+,	PUNCT
+it	PRON
+is	AUX
+a	DET
+true	ADJ
+audio	ADJ
+/	PUNCT
+visual	ADJ
+experience	NOUN
+.	PUNCT
+
+I	PRON
+called	VERB
+the	DET
+front	ADJ
+desk	NOUN
+and	CCONJ
+got	VERB
+no	DET
+answer	NOUN
+.	PUNCT
+
+After	SCONJ
+checking	VERB
+for	ADP
+signs	NOUN
+of	ADP
+fire	NOUN
+or	CCONJ
+smoke	NOUN
+and	CCONJ
+seeing	VERB
+none	NOUN
+,	PUNCT
+I	PRON
+decided	VERB
+to	PART
+just	ADV
+pack	VERB
+up	ADP
+and	CCONJ
+leave	VERB
+.	PUNCT
+
+The	DET
+desk	NOUN
+agent	NOUN
+actually	ADV
+argued	VERB
+with	ADP
+me	PRON
+,	PUNCT
+claiming	VERB
+that	SCONJ
+no	DET
+such	ADJ
+alarm	NOUN
+had	AUX
+gone	VERB
+off	ADP
+(	PUNCT
+as	SCONJ
+if	SCONJ
+I	PRON
+would	AUX
+make	VERB
+that	PRON
+up	ADP
+?	PUNCT
+)	PUNCT
+.	PUNCT
+
+He	PRON
+finally	ADV
+admitted	VERB
+that	SCONJ
+only	ADV
+the	DET
+4	NUM
+ADA	NOUN
+room	NOUN
+alarms	NOUN
+had	AUX
+sounded	VERB
+,	PUNCT
+so	ADV
+only	ADV
+4	NUM
+guests	NOUN
+were	AUX
+effected	VERB
+(	PUNCT
+no	DET
+big	ADJ
+deal	NOUN
+to	ADP
+him	PRON
+)	PUNCT
+.	PUNCT
+
+This	DET
+little	ADJ
+drip	NOUN
+offered	VERB
+no	DET
+apologies	NOUN
+whatsoever	ADV
+,	PUNCT
+and	CCONJ
+even	ADV
+refused	VERB
+to	PART
+give	VERB
+me	PRON
+the	DET
+name	NOUN
+of	ADP
+the	DET
+manager	NOUN
+until	SCONJ
+I	PRON
+pressed	VERB
+him	PRON
+for	ADP
+it	PRON
+3	NUM
+times	NOUN
+.	PUNCT
+
+This	DET
+hotel	NOUN
+is	AUX
+adequate	ADJ
+enough	ADJ
+,	PUNCT
+but	CCONJ
+there	PRON
+is	VERB
+an	DET
+obvious	ADJ
+problem	NOUN
+with	ADP
+the	DET
+staff	NOUN
+and	CCONJ
+management	NOUN
+.	PUNCT
+
+Do	AUX
+not	PART
+go	VERB
+there	ADV
+if	SCONJ
+you	PRON
+expect	VERB
+to	PART
+sleep	VERB
+through	ADP
+the	DET
+night	NOUN
+.	PUNCT
+
+Poor	ADJ
+Service	NOUN
+,	PUNCT
+Lack	NOUN
+of	ADP
+Passion	NOUN
+:	PUNCT
+Do	AUX
+NOT	PART
+go	VERB
+
+I	PRON
+began	VERB
+seeing	VERB
+Dr.	PROPN
+Romanick	PROPN
+back	ADV
+in	ADP
+2000	NUM
+and	CCONJ
+have	AUX
+seen	VERB
+a	DET
+significant	ADJ
+decline	NOUN
+in	ADP
+the	DET
+quality	NOUN
+of	ADP
+care	NOUN
+,	PUNCT
+patient	NOUN
+-	PUNCT
+doctor	NOUN
+communication	NOUN
+,	PUNCT
+and	CCONJ
+just	ADV
+the	DET
+overall	ADJ
+level	NOUN
+of	ADP
+services	NOUN
+.	PUNCT
+
+The	DET
+poor	ADJ
+quality	NOUN
+starts	VERB
+at	ADP
+the	DET
+receptionist	NOUN
+desk	NOUN
+,	PUNCT
+where	ADV
+the	DET
+staff	NOUN
+is	AUX
+very	ADV
+impatient	ADJ
+and	CCONJ
+lack	VERB
+the	DET
+efficiency	NOUN
+I	PRON
+once	ADV
+loved	VERB
+about	ADP
+the	DET
+office	NOUN
+.	PUNCT
+
+It	PRON
+took	VERB
+them	PRON
+nearly	ADV
+two	NUM
+months	NOUN
+to	PART
+complete	VERB
+a	DET
+simple	ADJ
+task	NOUN
+,	PUNCT
+and	CCONJ
+countless	ADJ
+calls	NOUN
+from	ADP
+my	PRON
+part	NOUN
+due	ADP
+to	ADP
+their	PRON
+lack	NOUN
+of	ADP
+response	NOUN
+and	CCONJ
+passion	NOUN
+(	PUNCT
+not	PART
+that	SCONJ
+it	PRON
+'s	AUX
+a	DET
+requirement	NOUN
+for	ADP
+the	DET
+job	NOUN
+,	PUNCT
+but	CCONJ
+it	PRON
+helps	VERB
+to	PART
+at	ADV
+least	ADV
+pretend	VERB
+to	PART
+be	AUX
+helpful	ADJ
+)	PUNCT
+.	PUNCT
+
+Also	ADV
+,	PUNCT
+I	PRON
+was	AUX
+promised	VERB
+to	PART
+have	VERB
+my	PRON
+test	NOUN
+results	NOUN
+emailed	VERB
+to	ADP
+me	PRON
+,	PUNCT
+but	CCONJ
+it	PRON
+never	ADV
+happened	VERB
+,	PUNCT
+and	CCONJ
+after	ADP
+a	DET
+few	ADJ
+attempts	NOUN
+to	PART
+get	VERB
+Dr.	PROPN
+Romanick	PROPN
+on	ADP
+the	DET
+phone	NOUN
+to	PART
+brief	VERB
+me	PRON
+on	ADP
+my	PRON
+condition	NOUN
+,	PUNCT
+I	PRON
+finally	ADV
+gave	VERB
+up	ADP
+and	CCONJ
+went	VERB
+to	ADP
+a	DET
+different	ADJ
+doctor	NOUN
+.	PUNCT
+
+Please	INTJ
+do	AUX
+not	PART
+go	VERB
+there	ADV
+if	SCONJ
+it	PRON
+'s	AUX
+professional	ADJ
+,	PUNCT
+friendly	ADJ
+,	PUNCT
+diligent	ADJ
+medical	ADJ
+services	NOUN
+you	PRON
+'re	AUX
+looking	VERB
+for	ADP
+.	PUNCT
+
+Save	VERB
+yourself	PRON
+the	DET
+trouble	NOUN
+,	PUNCT
+money	NOUN
+and	CCONJ
+time	NOUN
+and	CCONJ
+visit	VERB
+a	DET
+more	ADV
+caring	ADJ
+facility	NOUN
+/	PUNCT
+doctor	NOUN
+.	PUNCT
+
+The	DET
+moving	NOUN
+company	NOUN
+is	AUX
+actualy	ADV
+based	VERB
+in	ADP
+Brooklyn	PROPN
+,	PUNCT
+but	CCONJ
+advertised	VERB
+all	ADV
+over	ADP
+NY	PROPN
+/	PUNCT
+NJ	PROPN
+,	PUNCT
+including	VERB
+Fort	PROPN
+Lee	PROPN
+.	PUNCT
+
+When	ADV
+the	DET
+guys	NOUN
+arrived	VERB
+(	PUNCT
+2	NUM
+hours	NOUN
+later	ADV
+than	SCONJ
+agreed	VERB
+)	PUNCT
+they	PRON
+told	VERB
+that	SCONJ
+you	PRON
+have	VERB
+to	PART
+pay	VERB
+all	DET
+the	DET
+tolls	NOUN
+they	PRON
+payed	VERB
+coming	VERB
+from	ADP
+Brooklyn	PROPN
+and	CCONJ
+extra	ADJ
+$	SYM
+100	NUM
+for	SCONJ
+them	PRON
+to	PART
+drive	VERB
+back	ADV
+from	ADP
+your	PRON
+destination	NOUN
+.	PUNCT
+
+That	PRON
+was	AUX
+not	PART
+in	ADP
+agreement	NOUN
+eather	ADV
+,	PUNCT
+but	CCONJ
+they	PRON
+realy	ADV
+demand	VERB
+it	PRON
+.	PUNCT
+
+And	CCONJ
+another	DET
+$	SYM
+100	NUM
+for	SCONJ
+wrapping	VERB
+the	DET
+furniture	NOUN
+.	PUNCT
+
+So	ADV
+totalling	VERB
+$	SYM
+212	NUM
+just	ADV
+for	ADP
+start	NOUN
+before	SCONJ
+any	DET
+work	NOUN
+started	VERB
+.	PUNCT
+
+Guess	VERB
+what	PRON
+,	PUNCT
+was	AUX
+not	PART
+in	ADP
+the	DET
+initial	ADJ
+agreement	NOUN
+as	ADV
+well	ADV
+.	PUNCT
+
+I	PRON
+was	AUX
+moving	VERB
+out	ADP
+from	ADP
+2	NUM
+bdr	NOUN
+apartment	NOUN
+and	CCONJ
+it	PRON
+took	VERB
+for	ADP
+3	NUM
+strong	ADJ
+guys	NOUN
+6	NUM
+hours	NOUN
+to	PART
+load	VERB
+a	DET
+track	NOUN
+(	PUNCT
+from	ADP
+2	NUM
+pm	NOUN
+-	SYM
+8	NUM
+pm	NOUN
+)	PUNCT
+.	PUNCT
+
+The	DET
+only	ADJ
+reason	NOUN
+I	PRON
+'m	AUX
+giving	VERB
+3	NUM
+stars	NOUN
+instead	ADV
+of	ADP
+1	NUM
+or	CCONJ
+2	NUM
+,	PUNCT
+I	PRON
+should	AUX
+admit	VERB
+,	PUNCT
+nothing	PRON
+was	AUX
+broken	VERB
+.	PUNCT
+
+So	ADV
+I	PRON
+still	ADV
+can	AUX
+recomend	VERB
+them	PRON
+but	CCONJ
+prepare	VERB
+pay	VERB
+twice	ADV
+as	ADV
+much	ADJ
+as	SCONJ
+they	PRON
+tell	VERB
+you	PRON
+initially	ADV
+.	PUNCT
+
+One	NUM
+more	ADJ
+thing	NOUN
+,	PUNCT
+they	PRON
+do	AUX
+n't	PART
+take	VERB
+any	DET
+credit	NOUN
+cards	NOUN
+or	CCONJ
+checks	NOUN
+.	PUNCT
+
+You	PRON
+have	VERB
+to	PART
+pay	VERB
+CASH	NOUN
+ONLY	ADV
+before	SCONJ
+they	PRON
+start	VERB
+unloading	VERB
+track	NOUN
+on	ADP
+your	PRON
+destination	NOUN
+.	PUNCT
+
+Worst	ADJ
+Apartments	NOUN
+EVER	ADV
+
+We	PRON
+lived	VERB
+here	ADV
+for	ADP
+2	NUM
+years	NOUN
+,	PUNCT
+the	DET
+first	ADJ
+year	NOUN
+or	CCONJ
+so	ADV
+was	AUX
+okay	ADJ
+.	PUNCT
+
+Then	ADV
+,	PUNCT
+the	DET
+more	ADJ
+power	NOUN
+they	PRON
+gave	VERB
+to	ADP
+Linda	PROPN
+,	PUNCT
+the	DET
+worse	ADJ
+the	DET
+place	NOUN
+got	VERB
+.	PUNCT
+
+We	PRON
+were	AUX
+always	ADV
+having	VERB
+our	PRON
+water	NOUN
+shut	VERB
+off	ADP
+,	PUNCT
+there	PRON
+were	VERB
+always	ADV
+people	NOUN
+having	VERB
+parties	NOUN
+at	ADP
+the	DET
+pool	NOUN
+,	PUNCT
+even	ADV
+after	SCONJ
+it	PRON
+was	AUX
+supposed	VERB
+to	PART
+be	AUX
+closed	VERB
+.	PUNCT
+
+The	DET
+pool	NOUN
+was	AUX
+supposed	VERB
+to	PART
+close	VERB
+at	ADP
+10	NUM
+and	CCONJ
+they	PRON
+would	AUX
+have	VERB
+people	NOUN
+down	ADV
+there	ADV
+until	ADP
+11:45	NUM
+yelling	VERB
+,	PUNCT
+playing	VERB
+music	NOUN
+and	CCONJ
+do	VERB
+who	PRON
+-	PUNCT
+knows	VERB
+-	PUNCT
+what	PRON
+in	ADP
+the	DET
+dark	ADJ
+corners	NOUN
+of	ADP
+the	DET
+pool	NOUN
+.	PUNCT
+
+Then	ADV
+,	PUNCT
+when	ADV
+we	PRON
+moved	VERB
+out	ADP
+,	PUNCT
+we	PRON
+cleaned	VERB
+the	DET
+apartment	NOUN
+top	NOUN
+to	ADP
+bottom	NOUN
+,	PUNCT
+they	PRON
+came	VERB
+back	ADV
+and	CCONJ
+tried	VERB
+to	PART
+charge	VERB
+us	PRON
+for	ADP
+two	NUM
+cleaning	NOUN
+fees	NOUN
+(	PUNCT
+and	CCONJ
+we	PRON
+never	ADV
+got	VERB
+our	PRON
+deposit	NOUN
+back	ADV
+)	PUNCT
+and	CCONJ
+past	ADJ
+utilities	NOUN
+(	PUNCT
+that	PRON
+were	AUX
+already	ADV
+paid	VERB
+,	PUNCT
+we	PRON
+have	VERB
+check	NOUN
+numbers	NOUN
+and	CCONJ
+records	NOUN
+of	ADP
+this	PRON
+)	PUNCT
+.	PUNCT
+
+Linda	PROPN
+is	AUX
+the	DET
+rudest	ADJ
+person	NOUN
+you	PRON
+will	AUX
+ever	ADV
+talk	VERB
+to	ADP
+and	CCONJ
+she	PRON
+sticks	VERB
+up	ADP
+for	ADP
+all	DET
+of	ADP
+the	DET
+trashy	ADJ
+,	PUNCT
+rude	ADJ
+people	NOUN
+that	PRON
+live	VERB
+there	ADV
+,	PUNCT
+not	ADV
+the	DET
+nice	ADJ
+ones	NOUN
+that	PRON
+actually	ADV
+give	VERB
+a	DET
+crap	NOUN
+about	SCONJ
+respecting	VERB
+others	NOUN
+.	PUNCT
+
+Do	AUX
+not	PART
+live	VERB
+here	ADV
+,	PUNCT
+you	PRON
+will	AUX
+regret	VERB
+it	PRON
+!	PUNCT
+
+The	DET
+Worst	ADJ
+Experience	NOUN
+Ever	ADV
+!!!	PUNCT
+
+I	PRON
+have	AUX
+worked	VERB
+with	ADP
+Ted	PROPN
+Jurek	PROPN
+at	ADP
+Decor	PROPN
+and	CCONJ
+You	PROPN
+,	PUNCT
+and	CCONJ
+it	PRON
+started	VERB
+out	ADP
+as	ADP
+a	DET
+decent	ADJ
+experience	NOUN
+.	PUNCT
+
+He	PRON
+was	AUX
+referred	VERB
+to	ADP
+me	PRON
+by	ADP
+a	DET
+friend	NOUN
+,	PUNCT
+who	PRON
+did	AUX
+n't	PART
+have	VERB
+the	DET
+best	ADJ
+experience	NOUN
+with	ADP
+Ted	PROPN
+,	PUNCT
+but	CCONJ
+said	VERB
+that	SCONJ
+Ted	PROPN
+was	AUX
+able	ADJ
+to	PART
+make	VERB
+up	ADP
+for	ADP
+his	PRON
+lack	NOUN
+of	ADP
+preparedness	NOUN
+at	ADP
+the	DET
+end	NOUN
+.	PUNCT
+
+I	PRON
+figure	VERB
+I	PRON
+would	AUX
+give	VERB
+this	DET
+company	NOUN
+a	DET
+chance	NOUN
+.	PUNCT
+
+However	ADV
+,	PUNCT
+after	SCONJ
+giving	VERB
+a	DET
+required	VERB
+$	SYM
+500.00	NUM
+(	PUNCT
+NON	X
+REFUNDABLE	ADJ
+)	PUNCT
+deposit	NOUN
+before	SCONJ
+seeing	VERB
+any	DET
+plans	NOUN
+or	CCONJ
+ideas	NOUN
+,	PUNCT
+I	PRON
+was	AUX
+sorry	ADJ
+I	PRON
+did	AUX
+.	PUNCT
+
+We	PRON
+met	VERB
+a	DET
+couple	NOUN
+of	ADP
+weeks	NOUN
+later	ADV
+,	PUNCT
+Ted	PROPN
+was	AUX
+late	ADJ
+.	PUNCT
+
+He	PRON
+brought	VERB
+fabric	NOUN
+books	NOUN
+,	PUNCT
+and	CCONJ
+pictures	NOUN
+of	ADP
+furniture	NOUN
+only	ADV
+,	PUNCT
+which	PRON
+all	DET
+came	VERB
+way	ADV
+over	ADP
+budget	NOUN
+.	PUNCT
+
+By	ADP
+the	DET
+time	NOUN
+we	PRON
+got	VERB
+to	ADP
+the	DET
+budget	NOUN
+i	PRON
+told	VERB
+him	PRON
+I	PRON
+could	AUX
+work	VERB
+with	ADP
+,	PUNCT
+there	PRON
+was	VERB
+basically	ADV
+no	DET
+design	NOUN
+.	PUNCT
+
+Just	ADV
+curtains	NOUN
+and	CCONJ
+a	DET
+couple	NOUN
+of	ADP
+accessories	NOUN
+.	PUNCT
+
+WHAT	PRON
+IS	AUX
+THAT	PRON
+?????	PUNCT
+
+This	DET
+company	NOUN
+is	AUX
+way	ADV
+too	ADV
+expensive	ADJ
+with	ADP
+nothing	PRON
+to	PART
+show	VERB
+for	ADP
+it	PRON
+.	PUNCT
+
+Please	INTJ
+everyone	PRON
+....	PUNCT
+take	VERB
+heed	NOUN
+and	CCONJ
+do	AUX
+n't	PART
+get	AUX
+caught	VERB
+up	ADP
+in	ADP
+the	DET
+hype	NOUN
+about	SCONJ
+DECOR	PROPN
+and	CCONJ
+YOU	PROPN
+working	VERB
+with	ADP
+every	DET
+budget	NOUN
+...	PUNCT
+
+This	PRON
+is	AUX
+just	ADV
+a	DET
+way	NOUN
+for	SCONJ
+them	PRON
+to	PART
+squirm	VERB
+their	PRON
+way	NOUN
+into	ADP
+your	PRON
+precious	ADJ
+pocket	NOUN
+
+Horrible	ADJ
+.	PUNCT
+
+Horrible	ADJ
+.	PUNCT
+
+When	ADV
+we	PRON
+walked	VERB
+in	ADV
+,	PUNCT
+the	DET
+person	NOUN
+behind	ADP
+desk	NOUN
+said	VERB
+:	PUNCT
+"	PUNCT
+oh	INTJ
+well	INTJ
+,	PUNCT
+you	PRON
+must	AUX
+wait	VERB
+,	PUNCT
+I	PRON
+am	AUX
+in	ADP
+the	DET
+middle	NOUN
+of	ADP
+something	PRON
+.	PUNCT
+"	PUNCT
+
+After	ADP
+a	DET
+good	ADJ
+few	ADJ
+minutes	NOUN
+,	PUNCT
+he	PRON
+asked	VERB
+:	PUNCT
+"	PUNCT
+what	PRON
+do	AUX
+you	PRON
+want	VERB
+?	PUNCT
+"	PUNCT
+
+Somewhere	ADV
+in	ADP
+between	ADP
+his	PRON
+rudeness	NOUN
+he	PRON
+asked	VERB
+if	SCONJ
+we	PRON
+smoked	VERB
+.	PUNCT
+
+I	PRON
+asked	VERB
+if	SCONJ
+this	DET
+hotel	NOUN
+had	VERB
+smoking	NOUN
+rooms	NOUN
+.	PUNCT
+
+He	PRON
+immediately	ADV
+said	VERB
+"	PUNCT
+no	INTJ
+,	PUNCT
+there	PRON
+is	VERB
+a	DET
+$	SYM
+50	NUM
+deposit	NOUN
+now	ADV
+!	PUNCT
+"	PUNCT
+
+Sure	ADV
+enough	ADV
+he	PRON
+charged	VERB
+it	PRON
+to	ADP
+the	DET
+credit	NOUN
+card	NOUN
+.	PUNCT
+
+When	ADV
+I	PRON
+inquired	VERB
+he	PRON
+rudely	ADV
+replied	VERB
+"	PUNCT
+in	ADP
+the	DET
+morning	NOUN
+when	ADV
+things	NOUN
+are	AUX
+checked	VERB
+out	ADP
+you	PRON
+'ll	AUX
+get	VERB
+it	PRON
+back	ADV
+.	PUNCT
+"	PUNCT
+
+I	PRON
+called	VERB
+customer	NOUN
+service	NOUN
+about	ADP
+it	PRON
+because	SCONJ
+the	DET
+website	NOUN
+specifically	ADV
+states	VERB
+that	SCONJ
+there	PRON
+are	VERB
+no	DET
+other	ADJ
+charges	NOUN
+at	ADP
+the	DET
+check	NOUN
+-	PUNCT
+in	NOUN
+.	PUNCT
+
+I	PRON
+also	ADV
+mentioned	VERB
+to	ADP
+the	DET
+reception	NOUN
+person	NOUN
+.	PUNCT
+
+He	PRON
+responded	VERB
+"	PUNCT
+we	PRON
+have	VERB
+problem	NOUN
+with	ADP
+'	PUNCT
+people	NOUN
+'	PUNCT
+"	PUNCT
+.	PUNCT
+
+Imagine	VERB
+a	DET
+hotel	NOUN
+having	VERB
+problems	NOUN
+with	ADP
+people	NOUN
+.	PUNCT
+
+I	PRON
+finally	ADV
+alerted	VERB
+him	PRON
+to	ADP
+his	PRON
+rudeness	NOUN
+.	PUNCT
+
+He	PRON
+said	VERB
+he	PRON
+'s	AUX
+had	VERB
+a	DET
+long	ADJ
+and	CCONJ
+bad	ADJ
+day	NOUN
+.	PUNCT
+
+We	PRON
+had	VERB
+no	DET
+choice	NOUN
+but	SCONJ
+to	PART
+stay	VERB
+but	CCONJ
+will	AUX
+take	VERB
+this	PRON
+as	ADV
+far	ADV
+as	SCONJ
+we	PRON
+can	AUX
+.	PUNCT
+
+Do	AUX
+n't	PART
+stay	VERB
+there	ADV
+.	PUNCT
+
+I	PRON
+came	VERB
+to	PART
+find	VERB
+out	ADP
+the	DET
+person	NOUN
+was	AUX
+the	DET
+hotel	NOUN
+OWNER	NOUN
+also	ADV
+.	PUNCT
+
+My	PRON
+friend	NOUN
+and	CCONJ
+I	PRON
+were	VERB
+to	PART
+stay	VERB
+here	ADV
+for	ADP
+a	DET
+girls	NOUN
+night	NOUN
+,	PUNCT
+catch	VERB
+up	ADP
+on	ADP
+our	PRON
+lives	NOUN
+evening	NOUN
+.	PUNCT
+
+We	PRON
+live	VERB
+within	ADP
+20	NUM
+miles	NOUN
+of	ADP
+the	DET
+hotel	NOUN
+and	CCONJ
+wanted	VERB
+to	PART
+get	VERB
+away	ADV
+from	ADP
+our	PRON
+responsibilities	NOUN
+for	ADP
+the	DET
+night	NOUN
+.	PUNCT
+
+Unfortunalty	ADV
+my	PRON
+husband	NOUN
+and	CCONJ
+I	PRON
+had	VERB
+to	PART
+put	VERB
+our	PRON
+13	NUM
+year	NOUN
+old	ADJ
+lab	NOUN
+down	ADP
+that	DET
+morning	NOUN
+and	CCONJ
+we	PRON
+were	AUX
+not	PART
+expecting	VERB
+this	PRON
+.	PUNCT
+
+My	PRON
+friend	NOUN
+called	VERB
+the	DET
+hotel	NOUN
+to	PART
+cancel	VERB
+our	PRON
+room	NOUN
+as	ADV
+soon	ADV
+as	SCONJ
+I	PRON
+called	VERB
+her	PRON
+.	PUNCT
+
+They	PRON
+said	VERB
+that	SCONJ
+we	PRON
+were	VERB
+to	PART
+be	AUX
+charged	VERB
+for	ADP
+this	DET
+room	NOUN
+regardless	ADV
+because	SCONJ
+we	PRON
+did	AUX
+not	PART
+cancel	VERB
+within	ADP
+the	DET
+72	NUM
+hours	NOUN
+.	PUNCT
+
+I	PRON
+called	VERB
+them	PRON
+back	ADV
+a	DET
+few	ADJ
+hours	NOUN
+after	SCONJ
+putting	VERB
+my	PRON
+Bodhi	PROPN
+down	ADP
+and	CCONJ
+they	PRON
+still	ADV
+would	AUX
+n't	PART
+budge	VERB
+.	PUNCT
+
+Times	NOUN
+are	AUX
+hard	ADJ
+,	PUNCT
+I	PRON
+know	VERB
+,	PUNCT
+but	CCONJ
+they	PRON
+had	VERB
+no	DET
+compassion	NOUN
+.	PUNCT
+
+I	PRON
+called	VERB
+3	NUM
+times	NOUN
+to	PART
+talked	VERB
+to	ADP
+a	DET
+manager	NOUN
+,	PUNCT
+never	ADV
+a	DET
+call	NOUN
+back	ADV
+.	PUNCT
+
+I	PRON
+emailed	VERB
+4	NUM
+times	NOUN
+,	PUNCT
+never	ADV
+a	DET
+response	NOUN
+.	PUNCT
+
+In	ADP
+one	NUM
+of	ADP
+the	DET
+emails	NOUN
+I	PRON
+attached	VERB
+the	DET
+letter	NOUN
+from	ADP
+the	DET
+Vet	NOUN
+'s	PART
+that	PRON
+expressed	VERB
+their	PRON
+sympathy	NOUN
+,	PUNCT
+this	DET
+hotel	NOUN
+did	VERB
+nothing	PRON
+.	PUNCT
+
+I	PRON
+even	ADV
+emailed	VERB
+Mackinaw	PROPN
+Tourist	PROPN
+and	CCONJ
+nothing	PRON
+.	PUNCT
+
+I	PRON
+am	AUX
+sure	ADJ
+this	PRON
+is	AUX
+a	DET
+good	ADJ
+place	NOUN
+to	PART
+stay	VERB
+from	SCONJ
+reading	VERB
+the	DET
+other	ADJ
+reviews	NOUN
+,	PUNCT
+but	CCONJ
+if	SCONJ
+something	PRON
+unexpected	ADJ
+happens	VERB
+in	ADP
+your	PRON
+life	NOUN
+,	PUNCT
+they	PRON
+will	AUX
+not	PART
+care	VERB
+.	PUNCT
+
+FANFUCKINGTASTIC	ADJ
+
+Ok	INTJ
+I	PRON
+am	AUX
+a	DET
+New	PROPN
+Yorker	PROPN
+who	PRON
+has	AUX
+been	AUX
+going	VERB
+to	ADP
+school	NOUN
+in	ADP
+Oxford	PROPN
+,	PUNCT
+England	PROPN
+.	PUNCT
+
+I	PRON
+thought	VERB
+the	DET
+UK	PROPN
+was	AUX
+completely	ADV
+devoid	ADJ
+of	ADP
+good	ADJ
+NYC	PROPN
+style	NOUN
+pizza	NOUN
+.	PUNCT
+
+I	PRON
+thought	VERB
+to	PART
+get	VERB
+a	DET
+decent	ADJ
+pizza	NOUN
+the	DET
+only	ADJ
+way	NOUN
+was	AUX
+at	ADP
+a	DET
+fancy	ADJ
+restaurant	NOUN
+,	PUNCT
+and	CCONJ
+I	PRON
+have	VERB
+to	PART
+get	VERB
+a	DET
+whole	ADJ
+pie	NOUN
+.	PUNCT
+
+I	PRON
+thought	VERB
+I	PRON
+would	AUX
+have	VERB
+to	PART
+wait	VERB
+until	SCONJ
+I	PRON
+went	VERB
+home	ADV
+to	ADP
+NYC	PROPN
+.	PUNCT
+
+Well	INTJ
+then	ADV
+I	PRON
+went	VERB
+on	ADP
+a	DET
+trip	NOUN
+to	ADP
+Glasgow	PROPN
+and	CCONJ
+was	AUX
+walking	VERB
+around	ADV
+.	PUNCT
+
+I	PRON
+saw	VERB
+this	DET
+place	NOUN
+and	CCONJ
+it	PRON
+looked	VERB
+like	ADP
+the	DET
+HOLY	ADJ
+GRAIL	NOUN
+.	PUNCT
+
+I	PRON
+knew	VERB
+I	PRON
+had	AUX
+found	VERB
+the	DET
+real	ADJ
+deal	NOUN
+,	PUNCT
+big	ADJ
+pies	NOUN
+,	PUNCT
+sold	VERB
+by	ADP
+the	DET
+slice	NOUN
+,	PUNCT
+with	SCONJ
+the	DET
+pizzas	NOUN
+sitting	VERB
+under	ADP
+the	DET
+glass	NOUN
+in	ADP
+the	DET
+front	NOUN
+.	PUNCT
+
+They	PRON
+have	VERB
+crushed	VERB
+red	ADJ
+pepper	NOUN
+flakes	NOUN
+and	CCONJ
+oregano	NOUN
+.	PUNCT
+
+So	ADV
+I	PRON
+ordered	VERB
+a	DET
+slice	NOUN
+.	PUNCT
+
+It	PRON
+tasted	VERB
+like	SCONJ
+I	PRON
+just	ADV
+flew	VERB
+back	ADV
+home	ADV
+.	PUNCT
+
+I	PRON
+du	AUX
+n	PART
+no	VERB
+how	ADV
+they	PRON
+did	VERB
+it	PRON
+,	PUNCT
+but	CCONJ
+Scottish	ADJ
+friends	NOUN
+---	PUNCT
+this	PRON
+is	AUX
+THE	DET
+REAL	ADJ
+DEAL	NOUN
+.	PUNCT
+
+I	PRON
+congratulated	VERB
+this	DET
+establishment	NOUN
+for	SCONJ
+doing	VERB
+the	DET
+research	NOUN
+on	SCONJ
+making	VERB
+NYC	PROPN
+pizza	NOUN
+because	SCONJ
+these	DET
+Scots	PROPN
+fcking	ADV
+nailed	VERB
+it	PRON
+.	PUNCT
+
+That	PRON
+being	AUX
+said	VERB
+,	PUNCT
+I	PRON
+do	AUX
+n't	PART
+know	VERB
+how	ADV
+their	PRON
+delivery	NOUN
+service	NOUN
+is	AUX
+.	PUNCT
+
+They	PRON
+might	AUX
+want	VERB
+to	PART
+change	VERB
+the	DET
+name	NOUN
+to	PART
+reflect	VERB
+the	DET
+new	NOUN
+yorkedness	NOUN
+of	ADP
+the	DET
+pizza	NOUN
+,	PUNCT
+scrummy	PROPN
+yummy	PROPN
+sounds	VERB
+gimmicky	ADJ
+to	ADP
+me	PRON
+.	PUNCT
+
+Good	ADJ
+food	NOUN
+,	PUNCT
+good	ADJ
+wait	NOUN
+staff	NOUN
+,	PUNCT
+poor	ADJ
+management	NOUN
+
+We	PRON
+visited	VERB
+on	ADP
+7/26/08	NUM
+for	ADP
+dinner	NOUN
+We	PRON
+received	VERB
+a	DET
+gift	NOUN
+certificate	NOUN
+for	ADP
+the	DET
+Mama	PROPN
+Mia	PROPN
+'s	PART
+on	ADP
+Greenfield	PROPN
+Ave	PROPN
+.	PUNCT
+
+The	DET
+food	NOUN
+was	AUX
+good	ADJ
+,	PUNCT
+and	CCONJ
+so	ADV
+was	AUX
+our	PRON
+waitress	NOUN
+.	PUNCT
+
+When	ADV
+it	PRON
+came	VERB
+time	NOUN
+to	PART
+pay	VERB
+the	DET
+bill	NOUN
+up	ADV
+front	ADV
+,	PUNCT
+they	PRON
+would	AUX
+not	PART
+let	VERB
+me	PRON
+use	VERB
+any	DET
+of	ADP
+the	DET
+certificate	NOUN
+for	ADP
+a	DET
+tip	NOUN
+(	PUNCT
+which	PRON
+I	PRON
+have	AUX
+done	VERB
+with	ADP
+any	DET
+other	ADJ
+restaurant	NOUN
+I	PRON
+'ve	AUX
+gotten	VERB
+a	DET
+gift	NOUN
+certificate	NOUN
+for	ADP
+.	PUNCT
+)	PUNCT
+
+I	PRON
+then	ADV
+asked	VERB
+if	SCONJ
+I	PRON
+could	AUX
+have	VERB
+money	NOUN
+back	ADV
+in	ADP
+cash	NOUN
+.	PUNCT
+
+The	DET
+person	NOUN
+went	VERB
+to	PART
+go	VERB
+check	VERB
+with	ADP
+the	DET
+manager	NOUN
+,	PUNCT
+who	PRON
+was	AUX
+sitting	VERB
+at	ADP
+a	DET
+table	NOUN
+chatting	VERB
+with	ADP
+her	PRON
+friends	NOUN
+who	PRON
+were	AUX
+eating	VERB
+there	ADV
+.	PUNCT
+
+Her	PRON
+answer	NOUN
+was	AUX
+short	ADJ
+and	CCONJ
+manner	NOUN
+rather	ADV
+rude	ADJ
+.	PUNCT
+
+Sorry	ADJ
+for	SCONJ
+interrupting	VERB
+I	PRON
+guess	VERB
+.	PUNCT
+
+The	DET
+cashier	NOUN
+was	AUX
+also	ADV
+short	ADJ
+,	PUNCT
+unapologetic	ADJ
+and	CCONJ
+made	VERB
+me	PRON
+feel	VERB
+as	SCONJ
+I	PRON
+was	AUX
+wasting	VERB
+her	PRON
+time	NOUN
+.	PUNCT
+
+There	PRON
+were	VERB
+no	DET
+other	ADJ
+options	NOUN
+available	ADJ
+(	PUNCT
+I	PRON
+only	ADV
+brought	VERB
+my	PRON
+check	NOUN
+card	NOUN
+to	PART
+cover	VERB
+any	DET
+overage	NOUN
+cost	NOUN
+)	PUNCT
+and	CCONJ
+she	PRON
+rang	VERB
+it	PRON
+up	ADP
+and	CCONJ
+applied	VERB
+it	PRON
+to	ADP
+the	DET
+gift	NOUN
+card	NOUN
+before	SCONJ
+telling	VERB
+me	PRON
+about	ADP
+the	DET
+tip	NOUN
+policy	NOUN
+.	PUNCT
+
+I	PRON
+will	AUX
+not	PART
+be	AUX
+visiting	VERB
+Mama	PROPN
+Mia	PROPN
+'s	PART
+again	ADV
+.	PUNCT
+
+There	PRON
+are	VERB
+other	ADJ
+places	NOUN
+with	ADP
+food	NOUN
+just	ADV
+as	ADV
+good	ADJ
+with	ADP
+management	NOUN
+that	PRON
+values	VERB
+customers	NOUN
+and	CCONJ
+employees	NOUN
+much	ADV
+more	ADV
+.	PUNCT
+
+DINING	VERB
+AT	ADP
+TEXAS	PROPN
+ROADHOUSE	PROPN
+
+TEXAS	PROPN
+ROADHOUSE	PROPN
+HAS	VERB
+VERY	ADV
+GOOD	ADJ
+MEALS	NOUN
+,	PUNCT
+THAT	SCONJ
+THE	DET
+MEAT	NOUN
+COMES	VERB
+RIGHT	ADV
+OFF	ADP
+THE	DET
+BONES	NOUN
+.	PUNCT
+
+IT	PRON
+HAS	VERB
+VERY	ADV
+GOOD	ADJ
+PRICES	NOUN
+.	PUNCT
+
+ON	ADP
+A	DET
+BAD	ADJ
+NOTE	NOUN
+THE	DET
+WAITING	NOUN
+AREA	NOUN
+IS	AUX
+NOT	PART
+ENJOYABLE	ADJ
+OR	CCONJ
+ENOUGH	ADJ
+SEATS	NOUN
+.	PUNCT
+
+ALSO	ADV
+,	PUNCT
+THERE	PRON
+SHOULD	AUX
+NOT	PART
+BE	VERB
+PEANUTS	NOUN
+ALL	ADV
+OVER	ADP
+THE	DET
+FLOOR	NOUN
+.	PUNCT
+
+NEXT	ADV
+,	PUNCT
+THERE	PRON
+SHOULD	AUX
+ONLY	ADV
+BE	VERB
+ONE	NUM
+PERSON	NOUN
+BRINGING	VERB
+YOU	PRON
+YOUR	PRON
+FOOD	NOUN
+.	PUNCT
+
+IT	PRON
+S	AUX
+NOT	PART
+A	DET
+BIG	ADJ
+DEAL	NOUN
+BUT	CCONJ
+I	PRON
+HAD	VERB
+TO	PART
+TAKE	VERB
+MY	PRON
+SALAD	NOUN
+HOME	ADV
+BECAUSE	SCONJ
+THEY	PRON
+FORGOT	VERB
+TO	PART
+BRING	VERB
+IT	PRON
+.	PUNCT
+
+I	PRON
+HAD	VERB
+TO	PART
+ASK	VERB
+THE	DET
+GIRL	NOUN
+WHO	PRON
+BROUGHT	VERB
+MY	PRON
+FOOD	NOUN
+AND	CCONJ
+SHE	PRON
+NEVER	ADV
+CAME	VERB
+BACK	ADV
+TO	PART
+LET	VERB
+ME	PRON
+KNOW	VERB
+.	PUNCT
+
+I	PRON
+HAD	VERB
+TO	PART
+WAIT	VERB
+FOR	ADP
+MY	PRON
+WAITRESS	NOUN
+.	PUNCT
+
+WHEN	ADV
+YOU	PRON
+FIRST	ADV
+COME	VERB
+IN	ADV
+THE	DET
+HOSTESS	NOUN
+IS	AUX
+NOT	PART
+VERY	ADV
+FRIENDLY	ADJ
+,	PUNCT
+THERE	PRON
+IS	VERB
+JUST	ADV
+A	DET
+BUNCH	NOUN
+OF	ADP
+WORKERS	NOUN
+STANDING	VERB
+THERE	ADV
+.	PUNCT
+
+I	PRON
+WAS	AUX
+THERE	ADV
+ON	ADP
+MARCH	PROPN
+6TH	NOUN
+,	PUNCT
+2009	NUM
+.	PUNCT
+
+I	PRON
+WAS	AUX
+ALSO	ADV
+THERE	ADV
+OF	ADP
+JULY	PROPN
+4TH	NOUN
+2008	NUM
+,	PUNCT
+WHEN	ADV
+MY	PRON
+DAUGHTER	NOUN
+S	PART
+BUFFALO	PROPN
+WINGS	NOUN
+CAME	VERB
+OUT	ADV
+WITH	SCONJ
+A	DET
+FLY	NOUN
+ON	ADP
+IT	PRON
+.	PUNCT
+
+THE	DET
+MANAGER	NOUN
+CAME	VERB
+OVER	ADV
+AND	CCONJ
+SAID	VERB
+HE	PRON
+WAS	AUX
+SORRY	ADJ
+AND	CCONJ
+GAVE	VERB
+A	DET
+NEW	ADJ
+BATCH	NOUN
+OF	ADP
+WINGS	NOUN
+,	PUNCT
+HE	PRON
+SAID	VERB
+WE	PRON
+CA	AUX
+NT	PART
+REALLY	ADV
+DO	VERB
+ANYTHING	PRON
+BECAUSE	SCONJ
+THE	DET
+DOORS	NOUN
+ARE	AUX
+ALWAYS	ADV
+OPENING	VERB
+AND	CCONJ
+CLOSING	VERB
+.	PUNCT
+
+IN	ADP
+MY	PRON
+OPINION	NOUN
+SHOULD	AUX
+OF	AUX
+JUST	ADV
+TOOK	VERB
+OFF	ADP
+THE	DET
+PRICE	NOUN
+OF	ADP
+THE	DET
+WINGS	NOUN
+FROM	ADP
+THE	DET
+BILL	NOUN
+.	PUNCT
+
+BUT	CCONJ
+EVERYONE	PRON
+HAS	VERB
+THERE	PRON
+OWN	ADJ
+WAY	NOUN
+!!!!!!	PUNCT
+
+Mezza	NOUN
+Luna	NOUN
+FTW	ADV
+!	PUNCT
+
+their	PRON
+mezza	NOUN
+luna's	NOUN
+are	AUX
+deffly	ADV
+better	ADJ
+than	ADP
+the	DET
+pizza	NOUN
+rolls	NOUN
+.	PUNCT
+
+it	PRON
+s	AUX
+like	ADP
+a	DET
+pizza	NOUN
+roll	NOUN
+,	PUNCT
+but	CCONJ
+they	PRON
+just	ADV
+toss	VERB
+ham	NOUN
+and	CCONJ
+cheese	NOUN
+inside	ADV
+.	PUNCT
+
+it	PRON
+seems	VERB
+like	SCONJ
+it	PRON
+s	AUX
+healthier	ADJ
+too	ADV
+,	PUNCT
+but	CCONJ
+it	PRON
+s	AUX
+prolly	ADV
+not	PART
+.	PUNCT
+
+also	ADV
+,	PUNCT
+you	PRON
+can	AUX
+call	VERB
+em	PRON
+ahead	ADV
+of	ADP
+time	NOUN
+,	PUNCT
+and	CCONJ
+then	ADV
+go	VERB
+to	PART
+pick	VERB
+up	ADP
+ur	PRON
+food	NOUN
+,	PUNCT
+or	CCONJ
+have	VERB
+it	PRON
+delivered	VERB
+**	PUNCT
+.	PUNCT
+
+that	PRON
+cuts	VERB
+down	ADP
+on	ADP
+teh	DET
+wait	NOUN
+time	NOUN
+,	PUNCT
+cus	SCONJ
+u	PRON
+can	AUX
+do	VERB
+other	ADJ
+stuff	NOUN
+while	SCONJ
+u	PRON
+r	AUX
+waiting	VERB
+.	PUNCT
+
+it	PRON
+usually	ADV
+takes	VERB
+20	NUM
+mins	NOUN
+for	ADP
+a	DET
+mezza	NOUN
+luna	NOUN
+,	PUNCT
+as	SCONJ
+they	PRON
+have	VERB
+to	PART
+add	VERB
+pure	ADJ
+delicious	ADJ
+extract	NOUN
+to	ADP
+the	DET
+mix	NOUN
+.	PUNCT
+
+their	PRON
+pizza	NOUN
+was	AUX
+a	DET
+little	NOUN
+salty	ADJ
+for	ADP
+me	PRON
+,	PUNCT
+but	CCONJ
+it	PRON
+s	AUX
+still	ADV
+good	ADJ
+.	PUNCT
+
+they	PRON
+do	VERB
+that	DET
+whole	ADJ
+thing	NOUN
+where	ADV
+you	PRON
+sandwich	VERB
+the	DET
+pepperoni	NOUN
+between	ADP
+layers	NOUN
+of	ADP
+cheese	NOUN
+for	ADP
++	SYM
+32	NUM
+delicious	ADJ
+.	PUNCT
+
+anyways	ADV
+,	PUNCT
+the	DET
+mezza	NOUN
+luna	NOUN
+:	PUNCT
+you	PRON
+should	AUX
+try	VERB
+it	PRON
+.	PUNCT
+
+it	PRON
+runs	VERB
+you	PRON
+about	ADV
+4	NUM
+bucks	NOUN
+and	CCONJ
+it	PRON
+deals	VERB
+crushing	VERB
+blows	NOUN
+to	ADP
+hunger	NOUN
+.	PUNCT
+
+**	PUNCT
+Edit	NOUN
+:	PUNCT
+Living	VERB
+on	ADP
+campus	NOUN
+at	ADP
+Clarkson	PROPN
+University	PROPN
+,	PUNCT
+I	PRON
+have	AUX
+had	VERB
+food	NOUN
+delivered	VERB
+before	ADV
+.	PUNCT
+
+This	PRON
+was	AUX
+back	ADV
+between	ADP
+'05	NUM
+and	CCONJ
+'09	NUM
+and	CCONJ
+I	PRON
+do	AUX
+n't	PART
+remember	VERB
+how	ADV
+many	ADJ
+times	NOUN
+we	PRON
+'ve	AUX
+had	VERB
+it	PRON
+delivered	VERB
+.	PUNCT
+
+Perhaps	ADV
+they	PRON
+do	AUX
+n't	PART
+deliver	VERB
+anymore	ADV
+,	PUNCT
+but	CCONJ
+the	DET
+deliciousness	NOUN
+of	ADP
+a	DET
+mezza	NOUN
+luna	NOUN
+certainly	ADV
+warrants	VERB
+a	DET
+pickup	NOUN
+.	PUNCT
+
+My	PRON
+2004	NUM
+x	NOUN
+-	PUNCT
+type	NOUN
+was	AUX
+getting	VERB
+close	ADJ
+to	ADP
+100,000	NUM
+miles	NOUN
+so	ADV
+it	PRON
+was	AUX
+time	NOUN
+for	ADP
+an	DET
+upgrade	NOUN
+.	PUNCT
+
+I	PRON
+sent	VERB
+my	PRON
+wife	NOUN
+and	CCONJ
+daughter	NOUN
+over	ADV
+to	PART
+check	VERB
+out	ADP
+a	DET
+pre-owned	ADJ
+2009	NUM
+XF	PROPN
+.	PUNCT
+
+Michael	PROPN
+Chestney	PROPN
+was	AUX
+very	ADV
+pleasant	ADJ
+and	CCONJ
+patient	ADJ
+with	ADP
+my	PRON
+wife	NOUN
+and	CCONJ
+she	PRON
+suggested	VERB
+I	PRON
+go	VERB
+check	VERB
+it	PRON
+out	ADP
+.	PUNCT
+
+I	PRON
+went	VERB
+in	ADV
+later	ADV
+that	DET
+afternoon	NOUN
+and	CCONJ
+met	VERB
+with	ADP
+Michael	PROPN
+.	PUNCT
+
+He	PRON
+showed	VERB
+me	PRON
+the	DET
+car	NOUN
+I	PRON
+was	AUX
+interested	ADJ
+in	ADP
+and	CCONJ
+we	PRON
+took	VERB
+a	DET
+test	NOUN
+drive	NOUN
+.	PUNCT
+
+I	PRON
+loved	VERB
+the	DET
+car	NOUN
+so	ADV
+we	PRON
+began	VERB
+negotiating	VERB
+my	PRON
+trade	NOUN
+-	PUNCT
+in	NOUN
+and	CCONJ
+the	DET
+price	NOUN
+of	ADP
+the	DET
+09	NUM
+XF	PROPN
+.	PUNCT
+
+The	DET
+entire	ADJ
+negotiation	NOUN
+took	VERB
+about	ADV
+20	NUM
+minutes	NOUN
+.	PUNCT
+
+Fair	ADJ
+give	NOUN
+and	CCONJ
+take	NOUN
+on	ADP
+both	DET
+sides	NOUN
+until	SCONJ
+we	PRON
+agreed	VERB
+on	ADP
+a	DET
+deal	NOUN
+that	PRON
+was	AUX
+within	ADP
+my	PRON
+parameters	NOUN
+and	CCONJ
+was	AUX
+fair	ADJ
+to	ADP
+both	DET
+sides	NOUN
+.	PUNCT
+
+10	NUM
+minutes	NOUN
+of	ADP
+paperwork	NOUN
+and	CCONJ
+I	PRON
+was	AUX
+the	DET
+owner	NOUN
+of	ADP
+a	DET
+beautiful	ADJ
+pre-owned	ADJ
+09	NUM
+XF	PROPN
+.	PUNCT
+
+I	PRON
+have	AUX
+purchased	VERB
+over	ADV
+15	NUM
+vehicles	NOUN
+(	PUNCT
+cars	NOUN
+,	PUNCT
+rvs	NOUN
+,	PUNCT
+and	CCONJ
+boats	NOUN
+)	PUNCT
+in	ADP
+my	PRON
+lifetime	NOUN
+and	CCONJ
+I	PRON
+have	VERB
+to	PART
+say	VERB
+the	DET
+experience	NOUN
+with	ADP
+Michael	PROPN
+and	CCONJ
+Barrett	PROPN
+Motor	PROPN
+Cars	PROPN
+of	ADP
+San	PROPN
+Antonio	PROPN
+was	AUX
+one	NUM
+of	ADP
+the	DET
+best	ADJ
+.	PUNCT
+
+Friendly	ADJ
+,	PUNCT
+knowledgeable	ADJ
+,	PUNCT
+and	CCONJ
+above	ADP
+all	DET
+fair	ADJ
+.	PUNCT
+
+That	PRON
+'s	AUX
+all	DET
+you	PRON
+can	AUX
+really	ADV
+ask	VERB
+from	ADP
+a	DET
+car	NOUN
+dealer	NOUN
+and	CCONJ
+Michael	PROPN
+and	CCONJ
+Barrett	PROPN
+hit	VERB
+all	DET
+3	NUM
+.	PUNCT
+
+Thanks	NOUN
+for	ADP
+the	DET
+great	ADJ
+deal	NOUN
+and	CCONJ
+the	DET
+great	ADJ
+car	NOUN
+!	PUNCT
+
+Identity	NOUN
+Theft	NOUN
+
+Myself	PRON
+and	CCONJ
+my	PRON
+fiance	NOUN
+'s	PART
+identity	NOUN
+was	AUX
+stolen	VERB
+from	ADP
+the	DET
+office	NOUN
+staff	NOUN
+.	PUNCT
+
+We	PRON
+were	AUX
+told	VERB
+by	ADP
+a	DET
+detective	NOUN
+and	CCONJ
+asked	VERB
+to	PART
+check	VERB
+our	PRON
+credit	NOUN
+for	ADP
+anything	PRON
+unusual	ADJ
+.	PUNCT
+
+Luckily	ADV
+they	PRON
+caught	VERB
+the	DET
+crooks	NOUN
+before	SCONJ
+they	PRON
+did	VERB
+one	NUM
+on	ADP
+us	PRON
+.	PUNCT
+
+It	PRON
+was	AUX
+a	DET
+black	ADJ
+female	NOUN
+that	PRON
+use	VERB
+to	PART
+work	VERB
+in	ADP
+the	DET
+office	NOUN
+.	PUNCT
+
+She	PRON
+stole	VERB
+the	DET
+information	NOUN
+and	CCONJ
+gave	VERB
+it	PRON
+to	ADP
+another	DET
+guy	NOUN
+that	PRON
+did	VERB
+all	DET
+the	DET
+work	NOUN
+.	PUNCT
+
+The	DET
+other	ADJ
+guy	NOUN
+was	AUX
+pulled	VERB
+over	ADV
+one	NUM
+day	NOUN
+and	CCONJ
+a	DET
+cop	NOUN
+saw	VERB
+suspicious	ADJ
+papers	NOUN
+with	ADP
+names	NOUN
+and	CCONJ
+social	ADJ
+security	NOUN
+numbers	NOUN
+on	ADP
+it	PRON
+.	PUNCT
+
+That	PRON
+s	VERB
+how	ADV
+they	PRON
+were	AUX
+caught	VERB
+.	PUNCT
+
+They	PRON
+both	DET
+went	VERB
+to	ADP
+jail	NOUN
+and	CCONJ
+a	DET
+new	ADJ
+manager	NOUN
+was	AUX
+put	VERB
+in	ADP
+charge	NOUN
+of	ADP
+the	DET
+apartments	NOUN
+.	PUNCT
+
+The	DET
+apartment	NOUN
+across	ADP
+from	ADP
+mine	PRON
+belonged	VERB
+to	ADP
+a	DET
+gang	NOUN
+of	ADP
+hookers	NOUN
+.	PUNCT
+
+Nobody	PRON
+lived	VERB
+there	ADV
+.	PUNCT
+
+A	DET
+girl	NOUN
+would	AUX
+show	VERB
+up	ADP
+,	PUNCT
+then	ADV
+a	DET
+guy	NOUN
+in	ADP
+a	DET
+nice	ADJ
+car	NOUN
+would	AUX
+show	VERB
+up	ADP
+.	PUNCT
+
+Short	ADJ
+time	NOUN
+later	ADV
+the	DET
+guy	NOUN
+would	AUX
+leave	VERB
+,	PUNCT
+then	ADV
+the	DET
+girl	NOUN
+.	PUNCT
+
+My	PRON
+apartment	NOUN
+was	AUX
+usually	ADV
+quiet	ADJ
+.	PUNCT
+
+I	PRON
+lived	VERB
+in	ADP
+one	NUM
+that	PRON
+did	AUX
+not	PART
+face	VERB
+the	DET
+parking	NOUN
+lot	NOUN
+.	PUNCT
+
+Parking	NOUN
+spaces	NOUN
+are	AUX
+just	ADV
+big	ADJ
+enough	ADJ
+for	ADP
+a	DET
+Mini	PROPN
+Cooper	PROPN
+.	PUNCT
+
+It	PRON
+sucked	VERB
+having	VERB
+an	DET
+SUV	NOUN
+.	PUNCT
+
+If	SCONJ
+I	PRON
+found	VERB
+a	DET
+spot	NOUN
+,	PUNCT
+I	PRON
+could	AUX
+nt	PART
+fit	VERB
+in	ADP
+it	PRON
+.	PUNCT
+
+Gates	NOUN
+worked	VERB
+30	NUM
+%	SYM
+of	ADP
+the	DET
+time	NOUN
+at	ADV
+best	ADV
+.	PUNCT
+
+Bugs	NOUN
+were	AUX
+a	DET
+small	ADJ
+problem	NOUN
+,	PUNCT
+nothing	PRON
+too	ADV
+bad	ADJ
+.	PUNCT
+
+The	DET
+best	ADJ
+there	PRON
+is	VERB
+in	ADP
+service	NOUN
+.	PUNCT
+
+I	PRON
+was	AUX
+recently	ADV
+traveling	VERB
+down	ADP
+I	PROPN
+-	PUNCT
+24	PROPN
+from	ADP
+Nashville	PROPN
+with	ADP
+my	PRON
+3	NUM
+young	ADJ
+children	NOUN
+and	CCONJ
+had	VERB
+a	DET
+blowout	NOUN
+on	ADP
+the	DET
+southeast	NOUN
+side	NOUN
+of	ADP
+Murfreesboro	PROPN
+.	PUNCT
+
+It	PRON
+was	AUX
+4:50	NUM
+when	ADV
+a	DET
+friend	NOUN
+told	VERB
+me	PRON
+to	PART
+call	VERB
+Bud	PROPN
+,	PUNCT
+he	PRON
+would	AUX
+take	VERB
+care	NOUN
+of	ADP
+me	PRON
+.	PUNCT
+
+Not	ADV
+only	ADV
+did	AUX
+they	PRON
+answer	VERB
+the	DET
+phone	NOUN
+at	ADP
+4:50	NUM
+on	ADP
+a	DET
+Thursday	PROPN
+,	PUNCT
+they	PRON
+hit	VERB
+the	DET
+ground	NOUN
+moving	VERB
+!.	PUNCT
+
+They	PRON
+tracked	VERB
+down	ADP
+the	DET
+only	ADJ
+tire	NOUN
+that	PRON
+fit	VERB
+my	PRON
+BMW	PROPN
+330i	PROPN
+in	ADP
+Murfreesboro	PROPN
+within	ADP
+minutes	NOUN
+and	CCONJ
+secured	VERB
+it	PRON
+,	PUNCT
+then	ADV
+they	PRON
+came	VERB
+out	ADV
+,	PUNCT
+took	VERB
+off	ADP
+my	PRON
+tire	NOUN
+(	PUNCT
+it	PRON
+was	AUX
+a	DET
+runflat	NOUN
+-	PUNCT
+but	CCONJ
+runflats	NOUN
+do	AUX
+n't	PART
+do	VERB
+you	PRON
+any	DET
+good	ADJ
+if	SCONJ
+they	PRON
+blow	VERB
+out	ADP
+)	PUNCT
+,	PUNCT
+and	CCONJ
+brought	VERB
+it	PRON
+to	ADP
+their	PRON
+shop	NOUN
+to	PART
+change	VERB
+the	DET
+tire	NOUN
+.	PUNCT
+
+They	PRON
+were	AUX
+back	ADV
+quickly	ADV
+considering	VERB
+how	ADV
+far	ADV
+outside	ADP
+of	ADP
+Murfreesboro	PROPN
+we	PRON
+were	AUX
+and	CCONJ
+had	VERB
+us	PRON
+on	ADP
+our	PRON
+way	NOUN
+by	ADP
+6:30	NUM
+that	DET
+evening	NOUN
+.	PUNCT
+
+Thanks	NOUN
+Bud	PROPN
+for	ADP
+all	DET
+of	ADP
+your	PRON
+help	NOUN
+and	CCONJ
+taking	VERB
+time	NOUN
+away	ADV
+from	ADP
+your	PRON
+family	NOUN
+that	DET
+evening	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+without	ADP
+a	DET
+doubt	NOUN
+,	PUNCT
+the	DET
+best	ADJ
+service	NOUN
+experience	NOUN
+I	PRON
+'ve	AUX
+ever	ADV
+had	VERB
+and	CCONJ
+just	ADV
+to	PART
+be	AUX
+clear	ADJ
+,	PUNCT
+the	DET
+price	NOUN
+he	PRON
+charged	VERB
+me	PRON
+was	AUX
+the	DET
+same	ADJ
+as	ADP
+my	PRON
+tire	NOUN
+guy	NOUN
+in	ADP
+Nashville	PROPN
+'s	PART
+price	NOUN
+for	SCONJ
+putting	VERB
+on	ADP
+the	DET
+other	ADJ
+rear	ADJ
+tire	NOUN
+.	PUNCT
+
+I	PRON
+hope	VERB
+I	PRON
+can	AUX
+return	VERB
+the	DET
+favor	NOUN
+in	ADP
+the	DET
+future	NOUN
+!	PUNCT
+
+Alan	PROPN
+Grissom	PROPN
+
+Room	NOUN
+ok	ADJ
+.	PUNCT
+
+Service	NOUN
+and	CCONJ
+Client	NOUN
+base	NOUN
+not	PART
+ok	ADJ
+.	PUNCT
+
+I	PRON
+have	AUX
+stayed	VERB
+in	ADP
+this	DET
+hotel	NOUN
+many	ADJ
+times	NOUN
+,	PUNCT
+and	CCONJ
+while	SCONJ
+it	PRON
+typically	ADV
+offers	VERB
+a	DET
+decent	ADJ
+bang	NOUN
+for	ADP
+the	DET
+buck	NOUN
+,	PUNCT
+its	PRON
+client	NOUN
+base	NOUN
+largely	ADV
+consists	VERB
+of	ADP
+troubled	ADJ
+youngsteers	NOUN
+and	CCONJ
+evictees	NOUN
+from	ADP
+the	DET
+local	ADJ
+,	PUNCT
+not	ADV
+so	ADV
+pleasant	ADJ
+hood	NOUN
+.	PUNCT
+
+I	PRON
+have	AUX
+never	ADV
+considered	VERB
+this	PRON
+a	DET
+real	ADJ
+problem	NOUN
+as	SCONJ
+I	PRON
+travel	VERB
+without	ADP
+kids	NOUN
+and	CCONJ
+can	AUX
+fend	VERB
+for	ADP
+myself	PRON
+,	PUNCT
+but	CCONJ
+when	ADV
+I	PRON
+had	VERB
+to	PART
+listen	VERB
+to	ADP
+a	DET
+(	PUNCT
+non-violent	ADJ
+)	PUNCT
+domestic	ADJ
+fight	NOUN
+that	PRON
+lasted	VERB
+from	ADP
+1	NUM
+AM	NOUN
+to	ADP
+5	NUM
+AM	NOUN
+during	ADP
+my	PRON
+last	ADJ
+stay	NOUN
+and	CCONJ
+I	PRON
+found	VERB
+out	ADP
+that	SCONJ
+the	DET
+front	ADJ
+desk	NOUN
+was	AUX
+unmanned	ADJ
+during	ADP
+night	NOUN
+hours	NOUN
+,	PUNCT
+my	PRON
+choice	NOUN
+was	AUX
+to	PART
+either	CCONJ
+waste	VERB
+tax	NOUN
+payers	NOUN
+money	NOUN
+by	SCONJ
+calling	VERB
+for	ADP
+a	DET
+yet	ADV
+another	ADJ
+police	NOUN
+dispatch	NOUN
+to	ADP
+this	DET
+hotel	NOUN
+,	PUNCT
+or	CCONJ
+just	ADV
+get	VERB
+over	ADP
+it	PRON
+.	PUNCT
+
+I	PRON
+chose	VERB
+the	DET
+later	ADJ
+,	PUNCT
+but	CCONJ
+approached	VERB
+the	DET
+front	ADJ
+desk	NOUN
+about	ADP
+the	DET
+hotel	NOUN
+policy	NOUN
+to	PART
+push	VERB
+over	ADP
+their	PRON
+responsibilities	NOUN
+on	ADP
+local	ADJ
+authorities	NOUN
+,	PUNCT
+not	ADV
+to	PART
+mention	VERB
+the	DET
+good	ADJ
+night	NOUN
+s	PART
+sleep	NOUN
+i	PRON
+paid	VERB
+for	ADP
+but	CCONJ
+did	AUX
+nt	PART
+get	VERB
+.	PUNCT
+
+I	PRON
+was	AUX
+told	VERB
+management	NOUN
+would	AUX
+call	VERB
+me	PRON
+back	ADP
+but	CCONJ
+still	ADV
+waiting	VERB
+for	ADP
+that	DET
+call	NOUN
+.	PUNCT
+
+I	PRON
+will	AUX
+probably	ADV
+stay	VERB
+here	ADV
+again	ADV
+because	SCONJ
+it	PRON
+s	AUX
+cheap	ADJ
+and	CCONJ
+I	PRON
+ca	AUX
+nt	PART
+afford	VERB
+a	DET
+better	ADJ
+hotel	NOUN
+,	PUNCT
+but	CCONJ
+do	AUX
+not	PART
+look	VERB
+forward	ADV
+to	ADP
+it	PRON
+and	CCONJ
+would	AUX
+definitely	ADV
+not	PART
+recommend	VERB
+this	DET
+hotel	NOUN
+for	ADP
+families	NOUN
+or	CCONJ
+single	ADJ
+female	ADJ
+travellers	NOUN
+.	PUNCT
+
+Was	AUX
+there	ADV
+this	DET
+past	ADJ
+weekend	NOUN
+and	CCONJ
+the	DET
+guy	NOUN
+behind	ADP
+the	DET
+counter	NOUN
+yelled	VERB
+at	ADP
+me	PRON
+and	CCONJ
+my	PRON
+son	NOUN
+because	SCONJ
+we	PRON
+believed	VERB
+he	PRON
+left	VERB
+the	DET
+grandma	NOUN
+slice	NOUN
+in	ADP
+the	DET
+oven	NOUN
+a	DET
+little	ADJ
+too	ADV
+long	ADV
+and	CCONJ
+the	DET
+cheese	NOUN
+got	AUX
+all	ADV
+dried	VERB
+out	ADP
+and	CCONJ
+the	DET
+slice	NOUN
+tasted	VERB
+more	ADV
+like	ADP
+a	DET
+cracker	NOUN
+.	PUNCT
+
+He	PRON
+preceded	VERB
+to	PART
+grab	VERB
+the	DET
+slice	NOUN
+off	ADP
+the	DET
+countertop	NOUN
+and	CCONJ
+throw	VERB
+it	PRON
+into	ADP
+the	DET
+trash	NOUN
+while	SCONJ
+yelling	VERB
+at	ADP
+me	PRON
+saying	VERB
+,	PUNCT
+"	PUNCT
+you	PRON
+do	AUX
+not	PART
+order	VERB
+what	PRON
+you	PRON
+do	AUX
+not	PART
+know	VERB
+about	ADP
+"	PUNCT
+and	CCONJ
+"	PUNCT
+you	PRON
+do	AUX
+n't	PART
+know	VERB
+how	ADV
+pizza	NOUN
+is	AUX
+made	VERB
+"	PUNCT
+.	PUNCT
+
+It	PRON
+was	AUX
+very	ADV
+upsetting	ADJ
+to	PART
+see	VERB
+this	DET
+kind	NOUN
+of	ADP
+behavior	NOUN
+especially	ADV
+in	ADP
+front	NOUN
+of	ADP
+my	PRON
+four	NUM
+year	NOUN
+old	ADJ
+.	PUNCT
+
+He	PRON
+was	AUX
+in	ADP
+the	DET
+process	NOUN
+of	SCONJ
+making	VERB
+me	PRON
+a	DET
+pie	NOUN
+and	CCONJ
+when	ADV
+I	PRON
+got	VERB
+home	ADV
+,	PUNCT
+the	DET
+pie	NOUN
+was	AUX
+the	DET
+worst	ADJ
+I	PRON
+have	AUX
+ever	ADV
+seen	VERB
+.	PUNCT
+
+Cheese	NOUN
+was	AUX
+falling	VERB
+off	ADV
+,	PUNCT
+so	ADV
+oily	ADJ
+and	CCONJ
+greasy	ADJ
+.	PUNCT
+
+I	PRON
+think	VERB
+he	PRON
+did	VERB
+it	PRON
+on	ADP
+purpose	NOUN
+because	ADP
+of	ADP
+my	PRON
+simple	ADJ
+request	NOUN
+for	ADP
+another	DET
+slice	NOUN
+of	ADP
+grandma	NOUN
+that	PRON
+was	AUX
+n't	PART
+so	ADV
+well	ADV
+-	PUNCT
+done	ADJ
+(	PUNCT
+actually	ADV
+,	PUNCT
+burnt	ADJ
+)	PUNCT
+.	PUNCT
+
+I	PRON
+will	AUX
+never	ADV
+go	VERB
+back	ADV
+to	ADP
+this	DET
+place	NOUN
+and	CCONJ
+I	PRON
+am	AUX
+reporting	VERB
+them	PRON
+to	ADP
+the	DET
+better	ADJ
+business	NOUN
+bureau	NOUN
+for	ADP
+such	ADJ
+horrible	ADJ
+customer	NOUN
+relations	NOUN
+and	CCONJ
+basically	ADV
+sabotaging	VERB
+my	PRON
+pizza	NOUN
+and	CCONJ
+taking	VERB
+my	PRON
+$	SYM
+25	NUM
+.	PUNCT
+
+THIS	DET
+STORY	NOUN
+IS	AUX
+100	NUM
+%	SYM
+TRUE	ADJ
+.	PUNCT
+
+That	DET
+little	ADJ
+man	NOUN
+who	PRON
+thinks	VERB
+he	PRON
+invented	VERB
+pizza	NOUN
+can	AUX
+kiss	VERB
+my	PRON
+*ss	NOUN
+.	PUNCT
+
+Long	ADJ
+Lines	NOUN
+,	PUNCT
+Silly	ADJ
+Rules	NOUN
+,	PUNCT
+Rude	ADJ
+Staff	NOUN
+,	PUNCT
+Ok	ADJ
+Food	NOUN
+
+The	DET
+first	ADJ
+thing	NOUN
+you	PRON
+notice	VERB
+when	ADV
+you	PRON
+arrive	VERB
+on	ADP
+location	NOUN
+is	VERB
+that	SCONJ
+the	DET
+waiting	NOUN
+line	NOUN
+literally	ADV
+goes	VERB
+out	ADP
+the	DET
+door	NOUN
+and	CCONJ
+spills	VERB
+into	ADP
+the	DET
+parking	NOUN
+lot	NOUN
+.	PUNCT
+
+A	DET
+restaurant	NOUN
+with	ADP
+this	DET
+many	ADJ
+patrons	NOUN
+willing	ADJ
+to	PART
+stand	VERB
+in	ADP
+line	NOUN
+just	ADV
+to	PART
+order	VERB
+tacos	NOUN
+must	AUX
+be	AUX
+good	ADJ
+,	PUNCT
+right	INTJ
+?	PUNCT
+
+I	PRON
+mean	VERB
+,	PUNCT
+that	PRON
+'s	AUX
+the	DET
+way	NOUN
+it	PRON
+works	VERB
+at	ADP
+amusement	NOUN
+parks	NOUN
+:	PUNCT
+the	DET
+longest	ADJ
+lines	NOUN
+are	AUX
+at	ADP
+the	DET
+best	ADJ
+rides	NOUN
+.	PUNCT
+
+Well	INTJ
+,	PUNCT
+this	PRON
+may	AUX
+be	AUX
+an	DET
+exception	NOUN
+.	PUNCT
+
+The	DET
+staff	NOUN
+taking	VERB
+your	PRON
+order	NOUN
+and	CCONJ
+"	PUNCT
+waiting	VERB
+"	PUNCT
+on	ADP
+you	PRON
+are	AUX
+very	ADV
+indifferent	ADJ
+and	CCONJ
+have	VERB
+no	DET
+sense	NOUN
+of	ADP
+costumer	NOUN
+service	NOUN
+at	ADV
+all	ADV
+.	PUNCT
+
+I	PRON
+have	AUX
+gotten	VERB
+better	ADJ
+results	NOUN
+talking	VERB
+to	ADP
+COMCAST	PROPN
+customer	NOUN
+service	NOUN
+than	ADP
+with	ADP
+these	DET
+folks	NOUN
+.	PUNCT
+
+And	CCONJ
+do	AUX
+n't	PART
+even	ADV
+think	VERB
+about	SCONJ
+asking	VERB
+to	PART
+speak	VERB
+to	ADP
+the	DET
+manager	NOUN
+because	SCONJ
+this	DET
+guy	NOUN
+is	AUX
+,	PUNCT
+and	CCONJ
+pardon	VERB
+my	PRON
+French	PROPN
+,	PUNCT
+a	DET
+jerk	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+have	AUX
+gotten	VERB
+through	ADP
+ordering	NOUN
+,	PUNCT
+dealing	VERB
+with	ADP
+the	DET
+rude	ADJ
+staff	NOUN
+and	CCONJ
+if	SCONJ
+you	PRON
+followed	VERB
+the	DET
+dumb	ADJ
+rules	NOUN
+,	PUNCT
+you	PRON
+are	AUX
+finally	ADV
+presented	VERB
+with	ADP
+what	PRON
+you	PRON
+came	VERB
+for	ADP
+..	PUNCT
+some	DET
+tacos	NOUN
+that	PRON
+are	AUX
+"	PUNCT
+ok	ADJ
+,	PUNCT
+"	PUNCT
+but	CCONJ
+definitely	ADV
+not	ADV
+worth	ADJ
+putting	VERB
+up	ADP
+with	ADP
+all	DET
+the	DET
+hassle	NOUN
+.	PUNCT
+
+Save	VERB
+yourself	PRON
+the	DET
+trouble	NOUN
+and	CCONJ
+skip	VERB
+this	DET
+place	NOUN
+all	X
+together	ADV
+.	PUNCT
+
+I	PRON
+suggest	VERB
+you	PRON
+go	VERB
+up	ADV
+to	ADP
+Raging	VERB
+Taco	PROPN
+&	CCONJ
+Raging	VERB
+Burrito	PROPN
+a	DET
+couple	NOUN
+of	ADP
+blocks	NOUN
+up	ADP
+the	DET
+street	NOUN
+or	CCONJ
+even	ADV
+Taco	PROPN
+Mac	PROPN
+.	PUNCT
+
+Wish	VERB
+this	PRON
+was	AUX
+in	ADP
+Saratoga	PROPN
+--	PUNCT
+
+We	PRON
+were	AUX
+introduced	VERB
+to	ADP
+Bistro	PROPN
+Tallulah	PROPN
+by	ADP
+traveler	NOUN
+-	PUNCT
+professional	ADJ
+diner	NOUN
+who	PRON
+happens	VERB
+to	PART
+own	VERB
+the	DET
+Adelphi	PROPN
+Hotel	PROPN
+and	CCONJ
+travels	VERB
+the	DET
+world	NOUN
+--	PUNCT
+and	CCONJ
+residing	VERB
+in	ADP
+Paris	PROPN
+,	PUNCT
+London	PROPN
+,	PUNCT
+New	PROPN
+York	PROPN
+the	DET
+rest	NOUN
+of	ADP
+the	DET
+year	NOUN
+.	PUNCT
+
+SHE	PRON
+KNOWS	VERB
+GREAT	ADJ
+FOOD	NOUN
+AND	CCONJ
+DINING	NOUN
+EXPERIENCES	NOUN
+.	PUNCT
+
+She	PRON
+was	AUX
+dead	ADJ
+on	ADJ
+--	PUNCT
+this	DET
+restaurant	NOUN
+was	AUX
+wonderful	ADJ
+---	PUNCT
+do	AUX
+not	PART
+be	AUX
+put	VERB
+off	ADP
+by	ADP
+the	DET
+one	NUM
+negative	ADJ
+review	NOUN
+on	ADP
+this	DET
+page	NOUN
+.	PUNCT
+
+I	PRON
+can	AUX
+tell	VERB
+you	PRON
+we	PRON
+were	AUX
+pleasantly	ADV
+surprised	VERB
+--	PUNCT
+BT	PROPN
+has	VERB
+taste	NOUN
+memory	NOUN
+and	CCONJ
+each	DET
+time	NOUN
+back	ADV
+the	DET
+food	NOUN
+was	AUX
+consistently	ADV
+delicious	ADJ
+--	PUNCT
+same	ADJ
+dishes	NOUN
+--	PUNCT
+were	AUX
+consistent	ADJ
+.	PUNCT
+
+Our	PRON
+friend	NOUN
+is	AUX
+a	DET
+world	NOUN
+traveler	NOUN
+and	CCONJ
+loves	VERB
+unpretentious	ADJ
+dining	NOUN
+experiences	NOUN
+and	CCONJ
+inspired	ADJ
+food	NOUN
+.	PUNCT
+
+This	DET
+chef	NOUN
+knows	VERB
+what	PRON
+he	PRON
+is	AUX
+doing	VERB
+.	PUNCT
+
+Treat	VERB
+yourself	PRON
+and	CCONJ
+go	VERB
+--	PUNCT
+you	PRON
+will	AUX
+go	VERB
+back	ADV
+!	PUNCT
+
+I	PRON
+am	AUX
+a	DET
+business	NOUN
+owner	NOUN
+in	ADP
+downtown	NOUN
+Saratoga	PROPN
+Springs	PROPN
+and	CCONJ
+wish	VERB
+this	DET
+restaurant	NOUN
+was	AUX
+in	ADP
+our	PRON
+town	NOUN
+!	PUNCT
+
+The	DET
+affordable	ADJ
+rent	NOUN
+makes	VERB
+it	PRON
+possible	ADJ
+for	SCONJ
+an	DET
+inspired	ADJ
+chef	NOUN
+to	PART
+serve	VERB
+his	PRON
+high	ADJ
+quality	NOUN
+fare	NOUN
+at	ADP
+affordable	ADJ
+prices	NOUN
+!	PUNCT
+
+Unlike	ADP
+Saratoga	PROPN
+.	PUNCT
+
+I	PRON
+rrly	ADV
+seek	VERB
+the	DET
+cehf	NOUN
+out	ADP
+to	PART
+introduce	VERB
+myself	PRON
+--	PUNCT
+but	CCONJ
+the	DET
+second	ADJ
+time	NOUN
+we	PRON
+went	VERB
+--	PUNCT
+i	PRON
+made	VERB
+a	DET
+point	NOUN
+of	SCONJ
+asking	VERB
+our	PRON
+wait	NOUN
+person	NOUN
+to	PART
+introduce	VERB
+my	PRON
+friend	NOUN
+and	CCONJ
+myself	PRON
+to	ADP
+the	DET
+chef	NOUN
+to	PART
+tell	VERB
+him	PRON
+just	ADV
+how	ADV
+good	ADJ
+our	PRON
+meals	NOUN
+were	AUX
+.	PUNCT
+
+Can	AUX
+not	PART
+wait	VERB
+to	PART
+go	VERB
+gain	ADV
+.	PUNCT
+
+-	PUNCT
+R.	PROPN
+Morris	PROPN
+.	PUNCT
+
+I	PRON
+think	VERB
+that	SCONJ
+the	PRON
+re	AUX
+pretty	ADV
+good	ADJ
+.	PUNCT
+
+First	ADV
+of	ADP
+all	DET
+,	PUNCT
+if	SCONJ
+you	PRON
+call	VERB
+for	ADP
+an	DET
+appointment	NOUN
+they	PRON
+wo	AUX
+n't	PART
+tell	VERB
+you	PRON
+to	PART
+call	VERB
+back	ADV
+a	DET
+month	NOUN
+later	ADV
+so	SCONJ
+you	PRON
+can	AUX
+then	ADV
+make	VERB
+one	NUM
+.	PUNCT
+
+They	PRON
+also	ADV
+do	AUX
+n't	PART
+tell	VERB
+you	PRON
+that	SCONJ
+they	PRON
+'re	AUX
+going	VERB
+to	PART
+mail	VERB
+you	PRON
+an	DET
+"	PUNCT
+application	NOUN
+"	PUNCT
+to	PART
+be	AUX
+admitted	VERB
+to	PART
+be	AUX
+a	DET
+patient	NOUN
+.	PUNCT
+
+I	PRON
+feel	VERB
+that	SCONJ
+the	DET
+way	NOUN
+some	DET
+doctor	NOUN
+s	PART
+offices	NOUN
+work	VERB
+around	ADP
+here	ADV
+is	AUX
+a	DET
+little	ADJ
+bit	NOUN
+absurd	ADJ
+so	ADV
+I	PRON
+'m	AUX
+happy	ADJ
+that	SCONJ
+these	DET
+guys	NOUN
+do	AUX
+n't	PART
+do	VERB
+those	DET
+two	NUM
+things	NOUN
+in	ADP
+particlular	ADJ
+.	PUNCT
+
+Usually	ADV
+you	PRON
+can	AUX
+be	AUX
+seen	VERB
+the	DET
+same	ADJ
+week	NOUN
+or	CCONJ
+maybe	ADV
+the	DET
+following	VERB
+week	NOUN
+.	PUNCT
+
+The	DET
+doctor	NOUN
+did	AUX
+tell	VERB
+me	PRON
+that	SCONJ
+my	PRON
+male	ADJ
+pattern	NOUN
+baldness	NOUN
+is	AUX
+due	ADP
+to	ADP
+my	PRON
+mother	NOUN
+s	PART
+father	NOUN
+because	SCONJ
+the	DET
+gene	NOUN
+is	AUX
+exclusively	ADV
+passed	VERB
+on	ADP
+through	ADP
+maternal	ADJ
+line	NOUN
+but	CCONJ
+that	PRON
+'s	AUX
+a	DET
+common	ADJ
+misconception	NOUN
+(	PUNCT
+http://www.consumerreports.org/health/healthy-living/beauty-personal-care/hair-loss-10-08/hair-loss.htm	X
+)	PUNCT
+.	PUNCT
+
+In	ADP
+general	ADJ
+I	PRON
+would	AUX
+say	VERB
+that	SCONJ
+the	DET
+staff	NOUN
+is	AUX
+attentive	ADJ
+and	CCONJ
+nice	ADJ
+.	PUNCT
+
+But	CCONJ
+then	ADV
+again	ADV
+I	PRON
+was	AUX
+nice	ADJ
+to	ADP
+them	PRON
+so	ADV
+that	PRON
+could	AUX
+have	AUX
+been	AUX
+why	ADV
+.	PUNCT
+
+Anyhow	INTJ
+,	PUNCT
+after	SCONJ
+reading	VERB
+some	DET
+of	ADP
+the	DET
+other	ADJ
+reviews	NOUN
+it	PRON
+seems	VERB
+like	SCONJ
+some	DET
+of	ADP
+the	DET
+other	ADJ
+reviewers	NOUN
+are	AUX
+expecting	VERB
+mircles	NOUN
+.	PUNCT
+
+If	SCONJ
+you	PRON
+want	VERB
+miracles	NOUN
+you	PRON
+'ll	AUX
+have	VERB
+to	PART
+go	VERB
+to	ADP
+21st	PROPN
+St	PROPN
+.	PUNCT
+
+It	PRON
+'s	AUX
+a	DET
+pretty	ADV
+typical	ADJ
+primary	ADJ
+care	NOUN
+office	NOUN
+but	CCONJ
+for	ADP
+the	DET
+area	NOUN
+it	PRON
+'s	AUX
+very	ADV
+good	ADJ
+.	PUNCT
+
+They	PRON
+do	AUX
+n't	PART
+do	VERB
+certain	ADJ
+things	NOUN
+that	PRON
+are	AUX
+really	ADV
+annoying	ADJ
+about	ADP
+other	ADJ
+offices	NOUN
+.	PUNCT
+
+First	ADJ
+trip	NOUN
+to	ADP
+Canada	PROPN
+
+I	PRON
+recently	ADV
+traveled	VERB
+to	ADP
+Canada	PROPN
+on	ADP
+business	NOUN
+and	CCONJ
+had	VERB
+a	DET
+most	ADV
+excellent	ADJ
+experience	NOUN
+.	PUNCT
+
+I	PRON
+work	VERB
+for	ADP
+a	DET
+large	ADJ
+retail	NOUN
+company	NOUN
+recently	ADV
+expanding	VERB
+our	PRON
+operations	NOUN
+into	ADP
+Canada	PROPN
+and	CCONJ
+had	VERB
+to	PART
+travel	VERB
+to	PART
+ensure	VERB
+all	DET
+of	ADP
+our	PRON
+computer	NOUN
+network	NOUN
+equipment	NOUN
+was	AUX
+installed	VERB
+properly	ADV
+and	CCONJ
+on	ADP
+time	NOUN
+.	PUNCT
+
+This	PRON
+can	AUX
+tend	VERB
+to	PART
+be	AUX
+a	DET
+stressful	ADJ
+experience	NOUN
+in	ADP
+itself	PRON
+let	VERB
+alone	ADV
+adding	VERB
+crossing	VERB
+boarders	NOUN
+for	ADP
+the	DET
+first	ADJ
+time	NOUN
+.	PUNCT
+
+I	PRON
+was	AUX
+very	ADV
+pleased	ADJ
+to	PART
+find	VERB
+my	PRON
+accommodations	NOUN
+and	CCONJ
+the	DET
+hotel	NOUN
+staff	NOUN
+to	PART
+be	AUX
+a	DET
+very	ADV
+calming	ADJ
+and	CCONJ
+comforting	ADJ
+part	NOUN
+of	ADP
+my	PRON
+trip	NOUN
+.	PUNCT
+
+I	PRON
+found	VERB
+the	DET
+hotel	NOUN
+to	PART
+be	AUX
+amazingly	ADV
+clean	ADJ
+,	PUNCT
+not	ADV
+to	PART
+mention	VERB
+very	ADV
+well	ADV
+adorned	VERB
+with	ADP
+many	ADJ
+pleasant	ADJ
+surprises	NOUN
+.	PUNCT
+
+From	ADP
+my	PRON
+first	ADJ
+encounter	NOUN
+at	ADP
+check	NOUN
+in	NOUN
+to	ADP
+my	PRON
+regrettable	ADJ
+check	NOUN
+out	NOUN
+I	PRON
+found	VERB
+the	DET
+staff	NOUN
+and	CCONJ
+facility	NOUN
+to	PART
+exceed	VERB
+my	PRON
+expectation	NOUN
+.	PUNCT
+
+I	PRON
+completely	ADV
+enjoyed	VERB
+my	PRON
+whole	ADJ
+check	VERB
+in	ADP
+experience	NOUN
+and	CCONJ
+was	AUX
+impressed	ADJ
+with	ADP
+the	DET
+friendliness	NOUN
+and	CCONJ
+professionalism	NOUN
+of	ADP
+the	DET
+staff	NOUN
+as	ADV
+well	ADV
+as	ADP
+the	DET
+accommodations	NOUN
+themselves	PRON
+.	PUNCT
+
+I	PRON
+will	AUX
+be	AUX
+traveling	VERB
+in	ADP
+this	DET
+area	NOUN
+in	ADP
+the	DET
+future	NOUN
+and	CCONJ
+you	PRON
+can	AUX
+be	AUX
+assured	VERB
+that	SCONJ
+this	DET
+experience	NOUN
+will	AUX
+be	AUX
+helpful	ADJ
+in	ADP
+my	PRON
+choice	NOUN
+of	ADP
+hotels	NOUN
+and	CCONJ
+Novotel	PROPN
+will	AUX
+be	AUX
+my	PRON
+first	ADJ
+selection	NOUN
+.	PUNCT
+
+Yes	INTJ
+the	DET
+parking	NOUN
+can	AUX
+be	AUX
+a	DET
+challenge	NOUN
+but	CCONJ
+being	AUX
+from	ADP
+NJ	PROPN
+I	PRON
+am	AUX
+no	DET
+stranger	NOUN
+to	ADP
+tight	ADJ
+corners	NOUN
+.	PUNCT
+
+Please	INTJ
+pass	VERB
+my	PRON
+appreciation	NOUN
+to	ADP
+the	DET
+Staff	NOUN
+and	CCONJ
+Management	NOUN
+for	ADP
+their	PRON
+excellent	ADJ
+hospitality	NOUN
+and	CCONJ
+good	ADJ
+spirits	NOUN
+as	SCONJ
+it	PRON
+helped	VERB
+make	VERB
+a	DET
+stressful	ADJ
+trip	NOUN
+enjoyable	ADJ
+.	PUNCT
+
+Favorite	ADJ
+place	NOUN
+in	ADP
+Tampa	PROPN
+.	PUNCT
+
+Update	NOUN
+:	PUNCT
+I	PRON
+had	VERB
+to	PART
+add	VERB
+to	ADP
+my	PRON
+review	NOUN
+.	PUNCT
+
+I	PRON
+was	AUX
+just	ADV
+in	ADV
+last	ADJ
+night	NOUN
+and	CCONJ
+had	VERB
+a	DET
+chance	NOUN
+to	PART
+dine	VERB
+in	ADP
+their	PRON
+new	ADJ
+dining	NOUN
+room	NOUN
+.	PUNCT
+
+AMAZING	ADJ
+!	PUNCT
+
+I	PRON
+frequent	VERB
+this	DET
+resturant	NOUN
+on	ADP
+a	DET
+weekly	ADJ
+basis	NOUN
+but	CCONJ
+usally	ADV
+only	ADV
+for	ADP
+lunch	NOUN
+.	PUNCT
+
+Well	INTJ
+I	PRON
+was	AUX
+in	ADP
+for	ADP
+a	DET
+treat	NOUN
+when	ADV
+I	PRON
+was	AUX
+greeted	VERB
+by	ADP
+the	DET
+friendly	ADJ
+girls	NOUN
+at	ADP
+the	DET
+counter	NOUN
+who	PRON
+asked	VERB
+if	SCONJ
+my	PRON
+wife	NOUN
+and	CCONJ
+I	PRON
+would	AUX
+like	VERB
+to	PART
+sit	VERB
+in	ADP
+their	PRON
+"	PUNCT
+new	ADJ
+"	PUNCT
+dining	NOUN
+room	NOUN
+.	PUNCT
+
+Right	ADV
+away	ADV
+they	PRON
+told	VERB
+us	PRON
+that	SCONJ
+it	PRON
+was	AUX
+the	DET
+same	ADJ
+great	ADJ
+food	NOUN
+with	ADP
+the	DET
+same	ADJ
+prices	NOUN
+so	ADV
+off	ADV
+we	PRON
+went	VERB
+.	PUNCT
+
+We	PRON
+were	AUX
+greeted	VERB
+again	ADV
+and	CCONJ
+sat	VERB
+promptly	ADV
+.	PUNCT
+
+After	SCONJ
+looking	VERB
+at	ADP
+the	DET
+menu	NOUN
+and	CCONJ
+seeing	VERB
+the	DET
+new	ADJ
+menu	NOUN
+items	NOUN
+they	PRON
+had	VERB
+,	PUNCT
+we	PRON
+knew	VERB
+we	PRON
+were	AUX
+in	ADP
+for	ADP
+a	DET
+treat	NOUN
+!	PUNCT
+
+I	PRON
+had	VERB
+the	DET
+Chicken	NOUN
+Parmesan	NOUN
+Dinner	NOUN
+and	CCONJ
+my	PRON
+wife	NOUN
+had	VERB
+the	DET
+Shrimp	NOUN
+Scampi	NOUN
+Dinner	NOUN
+.	PUNCT
+
+AMAZING	ADJ
+!	PUNCT
+
+The	DET
+portions	NOUN
+were	AUX
+generous	ADJ
+enough	ADV
+that	SCONJ
+we	PRON
+even	ADV
+took	VERB
+some	DET
+home	ADV
+!	PUNCT
+
+I	PRON
+have	VERB
+to	PART
+say	VERB
+the	DET
+value	NOUN
+of	ADP
+this	DET
+place	NOUN
+always	ADV
+amazes	VERB
+me	PRON
+.	PUNCT
+
+It	PRON
+'s	AUX
+nice	ADJ
+to	PART
+see	VERB
+that	SCONJ
+even	ADV
+in	ADP
+the	DET
+economy	NOUN
+we	PRON
+can	AUX
+eat	VERB
+a	DET
+place	NOUN
+that	PRON
+has	VERB
+upscale	ADJ
+service	NOUN
+,	PUNCT
+amazing	ADJ
+atmosphere	NOUN
+,	PUNCT
+and	CCONJ
+Incredible	ADJ
+food	NOUN
+,	PUNCT
+but	CCONJ
+not	PART
+break	VERB
+the	DET
+bank	NOUN
+while	SCONJ
+enjoying	VERB
+it	PRON
+!	PUNCT
+
+Bottom	ADJ
+line	NOUN
+is	VERB
+that	SCONJ
+when	ADV
+it	PRON
+'s	AUX
+a	DET
+small	ADJ
+privatly	ADV
+owned	VERB
+resturant	NOUN
+like	SCONJ
+this	PRON
+is	VERB
+you	PRON
+can	AUX
+tell	VERB
+that	SCONJ
+the	DET
+owners	NOUN
+and	CCONJ
+employees	NOUN
+take	VERB
+pride	NOUN
+in	ADP
+their	PRON
+product	NOUN
+and	CCONJ
+service	NOUN
+.	PUNCT
+
+Well	ADV
+Done	VERB
+!	PUNCT
+
+Great	ADJ
+work	NOUN
+and	CCONJ
+honest	ADJ
+establishment	NOUN
+!	PUNCT
+
+I	PRON
+typically	ADV
+have	VERB
+work	NOUN
+done	VERB
+on	ADP
+my	PRON
+Jeep	PROPN
+at	ADP
+the	DET
+dealership	NOUN
+,	PUNCT
+but	CCONJ
+it	PRON
+is	AUX
+6	NUM
+years	NOUN
+old	ADJ
+now	ADV
+and	CCONJ
+getting	AUX
+charged	VERB
+dealership	NOUN
+prices	NOUN
+just	ADV
+did	AUX
+n't	PART
+seem	VERB
+cost	NOUN
+effective	ADJ
+anymore	ADV
+.	PUNCT
+
+I	PRON
+had	AUX
+tried	VERB
+out	ADP
+few	ADJ
+place	NOUN
+around	ADP
+the	DET
+area	NOUN
+and	CCONJ
+had	AUX
+been	AUX
+ripped	VERB
+off	ADP
+a	DET
+few	ADJ
+times	NOUN
+.	PUNCT
+
+I	PRON
+had	AUX
+hear	VERB
+great	ADJ
+things	NOUN
+about	ADP
+Phet	PROPN
+and	CCONJ
+G&G	PROPN
+Automotive	PROPN
+so	ADV
+I	PRON
+decided	VERB
+to	PART
+give	VERB
+him	PRON
+a	DET
+try	NOUN
+.	PUNCT
+
+The	DET
+service	NOUN
+was	AUX
+excellent	ADJ
+and	CCONJ
+personable	ADJ
+.	PUNCT
+
+He	PRON
+checked	VERB
+out	ADP
+what	PRON
+I	PRON
+needed	VERB
+to	PART
+have	VERB
+done	VERB
+told	VERB
+me	PRON
+what	PRON
+needed	VERB
+be	AUX
+fixed	VERB
+before	SCONJ
+he	PRON
+did	VERB
+any	DET
+work	NOUN
+and	CCONJ
+did	VERB
+great	ADJ
+repair	NOUN
+work	NOUN
+.	PUNCT
+
+The	DET
+price	NOUN
+was	AUX
+actually	ADV
+lower	ADJ
+than	SCONJ
+what	PRON
+I	PRON
+had	AUX
+anticipated	VERB
+and	CCONJ
+used	VERB
+to	ADP
+compared	VERB
+to	ADP
+other	ADJ
+places	NOUN
+,	PUNCT
+plus	CCONJ
+he	PRON
+showed	VERB
+me	PRON
+the	DET
+work	NOUN
+he	PRON
+did	VERB
+when	ADV
+I	PRON
+came	VERB
+in	ADV
+to	PART
+pick	VERB
+up	ADP
+the	DET
+car	NOUN
+.	PUNCT
+
+Also	ADV
+,	PUNCT
+a	DET
+week	NOUN
+after	ADP
+the	DET
+work	NOUN
+,	PUNCT
+Phet	PROPN
+called	VERB
+me	PRON
+up	ADP
+to	PART
+see	VERB
+how	ADV
+my	PRON
+car	NOUN
+was	AUX
+running	VERB
+and	CCONJ
+to	PART
+let	VERB
+me	PRON
+know	VERB
+that	SCONJ
+they	PRON
+had	AUX
+accidentally	ADV
+overcharged	VERB
+me	PRON
+for	ADP
+part	NOUN
+of	ADP
+the	DET
+work	NOUN
+and	CCONJ
+wanted	VERB
+to	PART
+give	VERB
+me	PRON
+a	DET
+refund	NOUN
+for	ADP
+that	DET
+amount	NOUN
+.	PUNCT
+
+That	PRON
+is	AUX
+just	ADV
+unheard	ADJ
+of	ADV
+these	DET
+days	NOUN
+!	PUNCT
+
+I	PRON
+grew	VERB
+up	ADP
+in	ADP
+a	DET
+small	ADJ
+town	NOUN
+where	ADV
+you	PRON
+knew	VERB
+and	CCONJ
+trusted	VERB
+your	PRON
+mechanic	NOUN
+and	CCONJ
+was	AUX
+really	ADV
+cynical	ADJ
+about	ADP
+city	NOUN
+auto	NOUN
+repair	NOUN
+shops	NOUN
+since	SCONJ
+I	PRON
+moved	VERB
+here	ADV
+,	PUNCT
+but	CCONJ
+Phet	PROPN
+has	AUX
+shown	VERB
+that	SCONJ
+there	PRON
+really	ADV
+are	VERB
+honest	ADJ
+hard	ADV
+working	VERB
+mechanics	NOUN
+around	ADV
+.	PUNCT
+
+He	PRON
+is	AUX
+my	PRON
+mechanic	NOUN
+going	VERB
+forward	ADV
+!	PUNCT
+
+Our	PRON
+company	NOUN
+is	AUX
+a	DET
+high	ADJ
+end	NOUN
+designer	NOUN
+handbag	NOUN
+and	CCONJ
+fashion	NOUN
+accessories	NOUN
+company	NOUN
+,	PUNCT
+thus	ADV
+we	PRON
+are	AUX
+certainly	ADV
+a	DET
+niche	NOUN
+market	NOUN
+.	PUNCT
+
+We	PRON
+had	AUX
+been	AUX
+evaluating	VERB
+SEO	NOUN
+providers	NOUN
+for	ADP
+quite	DET
+some	DET
+time	NOUN
+and	CCONJ
+finally	ADV
+decided	VERB
+to	PART
+take	VERB
+the	DET
+plunge	NOUN
+with	ADP
+Stuart	PROPN
+,	PUNCT
+and	CCONJ
+Ulistic	PROPN
+.	PUNCT
+
+We	PRON
+made	VERB
+the	DET
+decision	NOUN
+for	ADP
+a	DET
+couple	NOUN
+of	ADP
+reasons	NOUN
+.	PUNCT
+
+1	X
+.	PUNCT
+Social	ADJ
+Media	NOUN
+.	PUNCT
+
+We	PRON
+were	AUX
+familiar	ADJ
+with	ADP
+Search	NOUN
+Engine	NOUN
+Optimization	NOUN
+strategies	NOUN
+,	PUNCT
+but	CCONJ
+new	VERB
+nothing	PRON
+about	ADP
+Social	ADJ
+Media	NOUN
+-	PUNCT
+we	PRON
+just	ADV
+heard	VERB
+that	SCONJ
+it	PRON
+was	AUX
+the	DET
+next	ADJ
+big	ADJ
+thing	NOUN
+.	PUNCT
+
+2	X
+.	PUNCT
+We	PRON
+really	ADV
+liked	VERB
+the	DET
+fact	NOUN
+that	SCONJ
+Stuart	PROPN
+sets	VERB
+defined	VERB
+objectives	NOUN
+and	CCONJ
+we	PRON
+meet	VERB
+once	ADV
+a	DET
+month	NOUN
+to	PART
+go	VERB
+over	ADP
+our	PRON
+Key	ADJ
+Performance	NOUN
+Indicators	NOUN
+.	PUNCT
+
+How	ADV
+has	AUX
+it	PRON
+gone	VERB
+so	ADV
+far	ADV
+?	PUNCT
+
+Well	INTJ
+we	PRON
+have	AUX
+been	AUX
+working	VERB
+with	ADP
+Ulistic	PROPN
+for	ADP
+1.5	NUM
+months	NOUN
+,	PUNCT
+and	CCONJ
+have	VERB
+100	NUM
+people	NOUN
+following	VERB
+our	PRON
+site	NOUN
+on	ADP
+Facebook	PROPN
+,	PUNCT
+and	CCONJ
+our	PRON
+web	NOUN
+site	NOUN
+,	PUNCT
+www.designofashion.com	X
+has	AUX
+seen	VERB
+a	DET
+3	NUM
+fold	NOUN
+increase	NOUN
+in	ADP
+traffic	NOUN
+,	PUNCT
+which	PRON
+is	AUX
+significantly	ADV
+beating	VERB
+our	PRON
+expectations	NOUN
+-	PUNCT
+SEO	NOUN
+is	AUX
+a	DET
+process	NOUN
+that	PRON
+takes	VERB
+time	NOUN
+and	CCONJ
+to	PART
+get	VERB
+results	NOUN
+this	ADV
+quickly	ADV
+is	AUX
+exceptional	ADJ
+.	PUNCT
+
+We	PRON
+are	AUX
+absolutely	ADV
+confident	ADJ
+that	SCONJ
+Stuart	PROPN
+'s	PART
+ethical	ADJ
+and	CCONJ
+focused	VERB
+strategies	NOUN
+will	AUX
+see	VERB
+these	DET
+trends	NOUN
+continue	VERB
+to	PART
+grow	VERB
+,	PUNCT
+and	CCONJ
+our	PRON
+business	NOUN
+will	AUX
+reap	VERB
+the	DET
+rewards	NOUN
+of	ADP
+this	DET
+program	NOUN
+.	PUNCT
+
+Finally	ADV
+,	PUNCT
+it	PRON
+must	AUX
+be	AUX
+said	VERB
+that	SCONJ
+Stuart	PROPN
+is	AUX
+a	DET
+fantastic	ADJ
+person	NOUN
+to	PART
+work	VERB
+with	ADP
+,	PUNCT
+because	ADP
+of	ADP
+his	PRON
+solid	ADJ
+strategies	NOUN
+and	CCONJ
+equally	ADV
+as	ADP
+importantly	ADV
+because	SCONJ
+he	PRON
+is	AUX
+a	DET
+genuinely	ADV
+good	ADJ
+person	NOUN
+and	CCONJ
+a	DET
+great	ADJ
+communicator	NOUN
+.	PUNCT
+
+Excellent	ADJ
+service	NOUN
+and	CCONJ
+quality	NOUN
+
+I	PRON
+had	VERB
+Hom	PROPN
+-	PUNCT
+Excel	PROPN
+replace	VERB
+most	ADJ
+of	ADP
+the	DET
+windows	NOUN
+in	ADP
+my	PRON
+Tampa	PROPN
+residence	NOUN
+three	NUM
+years	NOUN
+ago	ADV
+.	PUNCT
+
+The	DET
+excellent	ADJ
+windows	NOUN
+have	AUX
+performed	VERB
+without	ADP
+any	DET
+problems	NOUN
+,	PUNCT
+but	CCONJ
+that	PRON
+'s	AUX
+not	PART
+why	ADV
+I	PRON
+'m	AUX
+writing	VERB
+my	PRON
+review	NOUN
+.	PUNCT
+
+Three	NUM
+weeks	NOUN
+ago	ADV
+,	PUNCT
+burglars	NOUN
+tried	VERB
+to	PART
+gain	VERB
+entry	NOUN
+into	ADP
+the	DET
+rear	NOUN
+of	ADP
+my	PRON
+home	NOUN
+.	PUNCT
+
+The	DET
+intruders	NOUN
+slit	VERB
+the	DET
+screen	NOUN
+of	ADP
+the	DET
+window	NOUN
+.	PUNCT
+
+Next	ADV
+,	PUNCT
+they	PRON
+tried	VERB
+to	PART
+force	VERB
+the	DET
+window	NOUN
+with	ADP
+a	DET
+pry	NOUN
+bar	NOUN
+and	CCONJ
+then	ADV
+to	PART
+break	VERB
+the	DET
+window	NOUN
+with	ADP
+a	DET
+hammer	NOUN
+.	PUNCT
+
+The	DET
+window	NOUN
+did	AUX
+n't	PART
+break	VERB
+!	PUNCT
+
+My	PRON
+next	ADJ
+-	PUNCT
+door	NOUN
+neighbor	NOUN
+heard	VERB
+the	DET
+noise	NOUN
+and	CCONJ
+turned	VERB
+on	ADP
+a	DET
+light	NOUN
+,	PUNCT
+thankfully	ADV
+scaring	VERB
+the	DET
+two	NUM
+miscreants	NOUN
+away	ADV
+(	PUNCT
+they	PRON
+even	ADV
+left	VERB
+their	PRON
+hammer	NOUN
+behind	ADV
+!	PUNCT
+)	PUNCT
+.	PUNCT
+
+I	PRON
+called	VERB
+Home	PROPN
+-	PUNCT
+Excel	PROPN
+the	DET
+next	ADJ
+day	NOUN
+to	PART
+order	VERB
+a	DET
+replacement	NOUN
+screen	NOUN
+for	ADP
+the	DET
+window	NOUN
+,	PUNCT
+and	CCONJ
+was	AUX
+happily	ADV
+surprised	VERB
+when	ADV
+they	PRON
+said	VERB
+that	SCONJ
+they	PRON
+were	AUX
+n't	PART
+even	ADV
+going	VERB
+to	PART
+charge	VERB
+me	PRON
+for	ADP
+the	DET
+replacement	NOUN
+screen	NOUN
+...	PUNCT
+that	SCONJ
+it	PRON
+would	AUX
+be	AUX
+covered	VERB
+under	ADP
+their	PRON
+guarentee	NOUN
+.	PUNCT
+
+Lo	INTJ
+and	CCONJ
+behold	INTJ
+,	PUNCT
+they	PRON
+replaced	VERB
+the	DET
+screen	NOUN
+(	PUNCT
+which	PRON
+had	VERB
+to	PART
+be	AUX
+ordered	VERB
+)	PUNCT
+yesterday	NOUN
+and	CCONJ
+did	AUX
+n't	PART
+charge	VERB
+me	PRON
+a	DET
+dime	NOUN
+.	PUNCT
+
+Their	PRON
+worker	NOUN
+even	ADV
+cleaned	VERB
+3	NUM
+of	ADP
+my	PRON
+windows	NOUN
+and	CCONJ
+changed	VERB
+a	DET
+lightbulb	NOUN
+for	ADP
+me	PRON
+.	PUNCT
+
+In	ADP
+this	DET
+day	NOUN
+and	CCONJ
+age	NOUN
+,	PUNCT
+it	PRON
+is	AUX
+so	ADV
+rare	ADJ
+to	PART
+find	VERB
+a	DET
+company	NOUN
+with	ADP
+such	ADJ
+nice	ADJ
+workers	NOUN
+and	CCONJ
+such	ADJ
+far	ADV
+ranging	VERB
+guarantee	NOUN
+policies	NOUN
+.	PUNCT
+
+I	PRON
+rarely	ADV
+write	VERB
+reviews	NOUN
+such	ADJ
+as	ADP
+this	DET
+one	NOUN
+,	PUNCT
+but	CCONJ
+they	PRON
+certainly	ADV
+deserve	VERB
+anyone	PRON
+'s	PART
+business	NOUN
+!	PUNCT
+
+Friendly	ADJ
+staff	NOUN
+,	PUNCT
+but	CCONJ
+definitely	ADV
+some	DET
+problems	NOUN
+
+May	PROPN
+,	PUNCT
+2009	NUM
+.	PUNCT
+
+We	PRON
+were	AUX
+booked	VERB
+at	ADP
+the	DET
+Sheraton	PROPN
+with	ADP
+a	DET
+number	NOUN
+of	ADP
+other	ADJ
+out	ADP
+-	PUNCT
+of	ADP
+-	PUNCT
+town	NOUN
+wedding	NOUN
+guests	NOUN
+.	PUNCT
+
+Got	AUX
+put	VERB
+into	ADP
+the	DET
+wrong	ADJ
+room	NOUN
+the	DET
+first	ADJ
+night	NOUN
+,	PUNCT
+and	CCONJ
+were	AUX
+quite	ADV
+surprised	ADJ
+to	PART
+have	VERB
+someone	PRON
+with	ADP
+the	DET
+same	ADJ
+room	NOUN
+key	NOUN
+trying	VERB
+to	PART
+get	VERB
+in	ADP
+the	DET
+door	NOUN
+at	ADP
+1:00	NUM
+am	NOUN
+!	PUNCT
+
+Next	ADJ
+day	NOUN
+got	AUX
+moved	VERB
+into	ADP
+another	DET
+room	NOUN
+,	PUNCT
+on	ADP
+the	DET
+same	ADJ
+floor	NOUN
+with	ADP
+other	ADJ
+wedding	NOUN
+guests	NOUN
+.	PUNCT
+
+There	PRON
+were	VERB
+3	NUM
+adults	NOUN
+in	ADP
+our	PRON
+room	NOUN
+but	CCONJ
+towels	NOUN
+for	ADP
+only	ADV
+2	NUM
+,	PUNCT
+no	DET
+linens	NOUN
+for	ADP
+sofa	NOUN
+bed	NOUN
+.	PUNCT
+
+In	ADP
+the	DET
+second	ADJ
+room	NOUN
+it	PRON
+took	VERB
+3	NUM
+tries	NOUN
+to	PART
+get	VERB
+all	DET
+the	DET
+towels	NOUN
+and	CCONJ
+linens	NOUN
+we	PRON
+requested	VERB
+.	PUNCT
+
+A	DET
+package	NOUN
+and	CCONJ
+some	DET
+wedding	NOUN
+cards	NOUN
+were	AUX
+left	VERB
+in	ADP
+our	PRON
+first	ADJ
+room	NOUN
+.	PUNCT
+
+They	PRON
+were	AUX
+sent	VERB
+to	ADP
+our	PRON
+second	ADJ
+room	NOUN
+and	CCONJ
+had	AUX
+been	AUX
+opened	VERB
+--	PUNCT
+the	DET
+ribbon	NOUN
+-	PUNCT
+wrapped	VERB
+present	NOUN
+,	PUNCT
+and	CCONJ
+all	DET
+3	NUM
+envelopes	NOUN
+.	PUNCT
+
+Security	NOUN
+in	ADP
+the	DET
+hotel	NOUN
+seemed	VERB
+to	PART
+be	AUX
+excellent	ADJ
+,	PUNCT
+but	CCONJ
+we	PRON
+were	AUX
+never	ADV
+given	VERB
+an	DET
+explanation	NOUN
+as	ADP
+to	SCONJ
+why	ADV
+someone	PRON
+would	AUX
+open	VERB
+these	DET
+items	NOUN
+.	PUNCT
+
+A	DET
+mid-afternoon	NOUN
+"	PUNCT
+fire	NOUN
+drill	NOUN
+"	PUNCT
+was	AUX
+disruptive	ADJ
+,	PUNCT
+putting	VERB
+everyone	PRON
+out	ADP
+of	ADP
+the	DET
+hotel	NOUN
+.	PUNCT
+
+When	ADV
+we	PRON
+called	VERB
+the	DET
+front	ADJ
+desk	NOUN
+about	ADP
+an	DET
+extremely	ADV
+boisterous	ADJ
+crowd	NOUN
+in	ADP
+the	DET
+hall	NOUN
+outside	ADP
+our	PRON
+door	NOUN
+quite	ADV
+late	ADV
+at	ADP
+night	NOUN
+,	PUNCT
+it	PRON
+seemed	VERB
+to	PART
+take	VERB
+the	DET
+hotel	NOUN
+staff	NOUN
+quite	DET
+a	DET
+while	NOUN
+to	PART
+quiet	VERB
+them	PRON
+down	ADP
+.	PUNCT
+
+The	DET
+staff	NOUN
+was	AUX
+friendly	ADJ
+,	PUNCT
+especially	ADV
+the	DET
+front	ADJ
+desk	NOUN
+female	ADJ
+supervisor	NOUN
+,	PUNCT
+and	CCONJ
+seemed	VERB
+to	PART
+want	VERB
+to	PART
+help	VERB
+,	PUNCT
+but	CCONJ
+too	ADV
+many	ADJ
+unusual	ADJ
+things	NOUN
+happened	VERB
+to	PART
+make	VERB
+us	PRON
+want	VERB
+to	PART
+stay	VERB
+there	ADV
+again	ADV
+.	PUNCT
+
+Be	AUX
+Careful	ADJ
+Of	SCONJ
+Who	PRON
+Your	PRON
+Sales	NOUN
+Guy	NOUN
+Is	AUX
+
+I	PRON
+think	VERB
+this	DET
+place	NOUN
+is	AUX
+probably	ADV
+really	ADV
+great	ADJ
+especially	ADV
+judging	VERB
+by	ADP
+the	DET
+reviews	NOUN
+on	ADP
+here	ADV
+.	PUNCT
+
+My	PRON
+experience	NOUN
+was	AUX
+awful	ADJ
+though	ADV
+.	PUNCT
+
+It	PRON
+ALL	DET
+had	VERB
+to	PART
+do	VERB
+with	ADP
+the	DET
+sales	NOUN
+guy	NOUN
+which	PRON
+was	AUX
+a	DET
+young	ADJ
+22	NUM
+year	NOUN
+old	ADJ
+who	PRON
+had	AUX
+admittedly	ADV
+only	ADV
+been	AUX
+working	VERB
+for	ADP
+2	NUM
+weeks	NOUN
+.	PUNCT
+
+I	PRON
+was	AUX
+extremely	ADV
+interested	ADJ
+in	ADP
+the	DET
+car	NOUN
+and	CCONJ
+very	ADV
+likely	ADV
+would	AUX
+have	AUX
+bought	VERB
+it	PRON
+,	PUNCT
+but	CCONJ
+the	DET
+sales	NOUN
+guy	NOUN
+I	PRON
+dealt	VERB
+with	ADP
+ruined	VERB
+the	DET
+deal	NOUN
+.	PUNCT
+
+Essentially	ADV
+,	PUNCT
+I	PRON
+told	VERB
+him	PRON
+I	PRON
+did	AUX
+n't	PART
+trust	VERB
+him	PRON
+cause	SCONJ
+he	PRON
+was	AUX
+a	DET
+car	NOUN
+salesman	NOUN
+,	PUNCT
+but	CCONJ
+he	PRON
+got	VERB
+so	ADV
+incredibly	ADV
+offended	ADJ
+at	ADP
+that	DET
+statement	NOUN
+that	SCONJ
+he	PRON
+had	VERB
+to	PART
+go	VERB
+cry	VERB
+to	ADP
+another	DET
+salesman	NOUN
+and	CCONJ
+compose	VERB
+himself	PRON
+before	SCONJ
+coming	VERB
+back	ADV
+.	PUNCT
+
+I	PRON
+do	AUX
+n't	PART
+know	VERB
+if	SCONJ
+the	DET
+kid	NOUN
+had	VERB
+a	DET
+bad	ADJ
+day	NOUN
+or	CCONJ
+what	PRON
+,	PUNCT
+but	CCONJ
+I	PRON
+had	VERB
+to	PART
+sit	VERB
+and	CCONJ
+apologize	VERB
+about	ADP
+nothing	PRON
+for	ADP
+10	NUM
+minutes	NOUN
+until	SCONJ
+he	PRON
+dropped	VERB
+the	DET
+issue	NOUN
+.	PUNCT
+
+After	ADP
+that	PRON
+,	PUNCT
+I	PRON
+just	ADV
+tried	VERB
+to	PART
+ignore	VERB
+his	PRON
+lack	NOUN
+of	ADP
+professionalism	NOUN
+and	CCONJ
+test	NOUN
+drive	VERB
+the	DET
+car	NOUN
+.	PUNCT
+
+I	PRON
+played	VERB
+dumb	ADJ
+and	CCONJ
+asked	VERB
+him	PRON
+questions	NOUN
+that	PRON
+I	PRON
+already	ADV
+knew	VERB
+the	DET
+answers	NOUN
+to	ADP
+and	CCONJ
+he	PRON
+responded	VERB
+with	ADP
+half	ADJ
+truths	NOUN
+and	CCONJ
+a	DET
+few	ADJ
+falsehoods	NOUN
+.	PUNCT
+
+For	ADP
+instance	NOUN
+I	PRON
+asked	VERB
+who	PRON
+owned	VERB
+Mazda	PROPN
+and	CCONJ
+he	PRON
+said	VERB
+with	ADP
+confidence	NOUN
+that	PRON
+was	AUX
+GM	PROPN
+,	PUNCT
+which	PRON
+is	AUX
+n't	PART
+true	ADJ
+.	PUNCT
+
+I	PRON
+mean	VERB
+,	PUNCT
+I	PRON
+do	AUX
+n't	PART
+care	VERB
+if	SCONJ
+he	PRON
+does	AUX
+n't	PART
+know	VERB
+,	PUNCT
+but	CCONJ
+if	SCONJ
+he	PRON
+pretends	VERB
+to	PART
+know	VERB
+and	CCONJ
+tells	VERB
+me	PRON
+BS	NOUN
+to	ADP
+my	PRON
+face	NOUN
+,	PUNCT
+there	PRON
+'s	VERB
+no	DET
+way	NOUN
+I	PRON
+'m	AUX
+going	VERB
+to	PART
+trust	VERB
+him	PRON
+when	ADV
+matters	NOUN
+turn	VERB
+to	ADP
+the	DET
+price	NOUN
+of	ADP
+the	DET
+car	NOUN
+and	CCONJ
+financing	NOUN
+.	PUNCT
+
+The	DET
+Worst	ADJ
+Chinese	ADJ
+I	PRON
+'ve	AUX
+Ever	ADV
+Had	VERB
+
+This	PRON
+is	AUX
+by	ADP
+far	ADV
+the	DET
+worst	ADJ
+chinese	ADJ
+food	NOUN
+I	PRON
+have	AUX
+ever	ADV
+had	VERB
+.	PUNCT
+
+The	DET
+service	NOUN
+stunk	VERB
+.	PUNCT
+
+I	PRON
+called	VERB
+in	ADP
+my	PRON
+order	NOUN
+and	CCONJ
+upon	SCONJ
+arriving	VERB
+to	PART
+pick	VERB
+it	PRON
+up	ADP
+,	PUNCT
+they	PRON
+got	VERB
+my	PRON
+order	NOUN
+confused	VERB
+with	ADP
+someone	PRON
+else	ADJ
+s	PART
+.	PUNCT
+
+They	PRON
+helped	VERB
+about	ADV
+three	NUM
+other	ADJ
+people	NOUN
+before	SCONJ
+they	PRON
+offered	VERB
+to	PART
+help	VERB
+me	PRON
+again	ADV
+.	PUNCT
+
+They	PRON
+also	ADV
+got	VERB
+my	PRON
+friend	NOUN
+s	PART
+order	NOUN
+mixed	VERB
+up	ADP
+and	CCONJ
+wanted	VERB
+to	PART
+charger	VERB
+her	PRON
+$	SYM
+10	NUM
+more	ADJ
+than	SCONJ
+what	PRON
+she	PRON
+had	AUX
+wanted	VERB
+.	PUNCT
+
+She	PRON
+asked	VERB
+for	ADP
+the	DET
+dinner	NOUN
+combo	NOUN
+and	CCONJ
+they	PRON
+gave	VERB
+her	PRON
+two	NUM
+dinner	NOUN
+plates	NOUN
+instead	ADV
+.	PUNCT
+
+We	PRON
+were	AUX
+standing	VERB
+in	ADP
+the	DET
+store	NOUN
+for	ADP
+20	NUM
+minutes	NOUN
+to	PART
+simply	ADV
+pick	VERB
+up	ADP
+an	DET
+order	NOUN
+.	PUNCT
+
+Not	ADV
+to	PART
+mention	VERB
+that	SCONJ
+the	DET
+wait	NOUN
+staff	NOUN
+was	AUX
+about	ADV
+as	ADV
+pleasant	ADJ
+as	SCONJ
+dealing	VERB
+with	ADP
+an	DET
+angry	ADJ
+bull	NOUN
+.	PUNCT
+
+They	PRON
+were	AUX
+abrasive	ADJ
+and	CCONJ
+rude	ADJ
+-	PUNCT
+when	ADV
+they	PRON
+were	AUX
+the	DET
+ones	NOUN
+who	PRON
+messed	VERB
+everything	PRON
+up	ADP
+.	PUNCT
+
+We	PRON
+had	VERB
+to	PART
+throw	VERB
+out	ADP
+about	ADV
+80	NUM
+percent	NOUN
+of	ADP
+our	PRON
+meals	NOUN
+because	SCONJ
+the	DET
+food	NOUN
+tasted	VERB
+so	ADV
+horrible	ADJ
+.	PUNCT
+
+I	PRON
+do	AUX
+nt	PART
+know	VERB
+how	ADV
+it	PRON
+is	AUX
+possible	ADJ
+to	PART
+make	VERB
+orange	NOUN
+chicken	NOUN
+,	PUNCT
+sesame	NOUN
+chicken	NOUN
+and	CCONJ
+kung	NOUN
+pao	NOUN
+chicken	NOUN
+as	ADV
+well	ADV
+as	ADP
+cheese	NOUN
+puffs	NOUN
+taste	VERB
+THAT	ADV
+bad	ADJ
+but	CCONJ
+China	PROPN
+Delight	PROPN
+accomplished	VERB
+that	PRON
+.	PUNCT
+
+The	DET
+only	ADJ
+thing	NOUN
+that	PRON
+was	AUX
+edible	ADJ
+was	AUX
+the	DET
+steamed	VERB
+rice	NOUN
+and	CCONJ
+the	DET
+vegetable	NOUN
+lo	NOUN
+mein	NOUN
+was	AUX
+barely	ADV
+tolerable	ADJ
+.	PUNCT
+
+I	PRON
+will	AUX
+NEVER	ADV
+go	VERB
+here	ADV
+again	ADV
+.	PUNCT
+
+Lucky	PROPN
+Panda	PROPN
+in	ADP
+Willis	PROPN
+is	AUX
+a	DET
+billion	NUM
+times	NOUN
+better	ADJ
+in	ADP
+service	NOUN
+and	CCONJ
+quality	NOUN
+of	ADP
+the	DET
+meal	NOUN
+.	PUNCT
+
+I	PRON
+have	VERB
+no	DET
+idea	NOUN
+how	ADV
+China	PROPN
+Delight	PROPN
+won	VERB
+number	NOUN
+1	NUM
+Chinese	ADJ
+restaurant	NOUN
+in	ADP
+Montgomery	PROPN
+-	PUNCT
+There	PRON
+needs	VERB
+to	PART
+be	AUX
+a	DET
+recount	NOUN
+on	ADP
+that	DET
+vote	NOUN
+.	PUNCT
+
+Terrible	ADJ
+Service	NOUN
+
+One	NUM
+of	ADP
+the	DET
+worst	ADJ
+experiences	NOUN
+I	PRON
+'ve	AUX
+ever	ADV
+had	VERB
+with	ADP
+a	DET
+auto	NOUN
+repair	NOUN
+shop	NOUN
+.	PUNCT
+
+We	PRON
+took	VERB
+our	PRON
+vehicle	NOUN
+in	ADV
+for	ADP
+a	DET
+repair	NOUN
+to	ADP
+the	DET
+air	NOUN
+conditioning	NOUN
+.	PUNCT
+
+Approx	ADV
+4	NUM
+months	NOUN
+later	ADV
+,	PUNCT
+the	DET
+compressor	NOUN
+went	VERB
+out	ADP
+.	PUNCT
+
+We	PRON
+took	VERB
+it	PRON
+back	ADV
+in	ADV
+to	PART
+have	VERB
+it	PRON
+repaired	VERB
+again	ADV
+,	PUNCT
+and	CCONJ
+less	ADJ
+than	ADP
+a	DET
+week	NOUN
+later	ADV
+the	DET
+second	ADJ
+compressor	NOUN
+went	VERB
+out	ADP
+.	PUNCT
+
+We	PRON
+went	VERB
+in	ADV
+for	ADP
+a	DET
+third	ADJ
+visit	NOUN
+and	CCONJ
+they	PRON
+fixed	VERB
+it	PRON
+again	ADV
+,	PUNCT
+but	CCONJ
+this	DET
+time	NOUN
+when	ADV
+we	PRON
+picked	VERB
+up	ADP
+the	DET
+car	NOUN
+,	PUNCT
+the	DET
+radio	NOUN
+and	CCONJ
+clock	NOUN
+did	AUX
+not	PART
+work	VERB
+.	PUNCT
+
+So	ADV
+for	ADP
+the	DET
+4th	ADJ
+time	NOUN
+in	ADP
+5	NUM
+months	NOUN
+and	CCONJ
+the	DET
+third	ADJ
+time	NOUN
+in	ADP
+2	NUM
+weeks	NOUN
+,	PUNCT
+we	PRON
+brought	VERB
+the	DET
+car	NOUN
+back	ADV
+again	ADV
+.	PUNCT
+
+When	ADV
+we	PRON
+expressed	VERB
+our	PRON
+discontent	NOUN
+to	ADP
+the	DET
+manager	NOUN
+(	PUNCT
+that	PRON
+'s	AUX
+right	ADJ
+,	PUNCT
+the	DET
+manager	NOUN
+)	PUNCT
+,	PUNCT
+did	AUX
+he	PRON
+say	VERB
+he	PRON
+would	AUX
+return	VERB
+some	DET
+money	NOUN
+,	PUNCT
+did	AUX
+he	PRON
+say	VERB
+he	PRON
+would	AUX
+give	VERB
+a	DET
+discount	NOUN
+on	ADP
+our	PRON
+next	ADJ
+visit	NOUN
+,	PUNCT
+did	AUX
+he	PRON
+just	ADV
+say	VERB
+"	PUNCT
+I	PRON
+'m	AUX
+sorry	ADJ
+"	PUNCT
+.	PUNCT
+
+Nope	INTJ
+,	PUNCT
+none	NOUN
+of	ADP
+the	DET
+above	ADJ
+.	PUNCT
+
+He	PRON
+stood	VERB
+there	ADV
+and	CCONJ
+told	VERB
+us	PRON
+how	ADV
+he	PRON
+was	AUX
+n't	PART
+at	ADP
+fault	NOUN
+.	PUNCT
+
+It	PRON
+was	AUX
+the	DET
+fault	NOUN
+of	ADP
+the	DET
+parts	NOUN
+supplier	NOUN
+,	PUNCT
+and	CCONJ
+can	AUX
+we	PRON
+imagine	VERB
+how	ADV
+he	PRON
+felt	VERB
+having	VERB
+to	PART
+put	VERB
+another	DET
+2	NUM
+hours	NOUN
+of	ADP
+work	NOUN
+in	ADP
+the	DET
+car	NOUN
+.	PUNCT
+
+And	CCONJ
+what	PRON
+did	AUX
+we	PRON
+expect	VERB
+...	PUNCT
+that	SCONJ
+he	PRON
+bench	NOUN
+test	VERB
+every	DET
+part	NOUN
+.	PUNCT
+
+At	ADP
+no	DET
+time	NOUN
+during	ADP
+the	DET
+conversation	NOUN
+did	AUX
+the	DET
+words	NOUN
+,	PUNCT
+"	PUNCT
+I	PRON
+'m	AUX
+sorry	ADJ
+"	PUNCT
+ever	ADV
+come	VERB
+out	ADP
+of	ADP
+his	PRON
+mouth	NOUN
+.	PUNCT
+
+I	PRON
+,	PUNCT
+nor	CCONJ
+anyone	PRON
+else	ADJ
+in	ADP
+my	PRON
+family	NOUN
+,	PUNCT
+will	AUX
+ever	ADV
+go	VERB
+to	ADP
+Sun	PROPN
+Devil	PROPN
+Auto	PROPN
+again	ADV
+.	PUNCT
+
+Well	INTJ
+,	PUNCT
+unless	SCONJ
+of	ADV
+course	ADV
+the	DET
+third	ADJ
+compressor	NOUN
+he	PRON
+put	VERB
+in	ADP
+the	DET
+car	NOUN
+goes	VERB
+out	ADP
+.	PUNCT
+
+Do	AUX
+not	PART
+use	VERB
+this	DET
+company	NOUN
+!	PUNCT
+
+I	PRON
+dropped	VERB
+off	ADP
+a	DET
+sheet	NOUN
+metal	NOUN
+piece	NOUN
+that	PRON
+I	PRON
+needed	VERB
+copied	VERB
+due	ADP
+to	SCONJ
+th	SCONJ
+it	PRON
+was	AUX
+needing	VERB
+to	PART
+be	AUX
+replaced	VERB
+.	PUNCT
+
+I	PRON
+asked	VERB
+if	SCONJ
+they	PRON
+could	AUX
+copy	VERB
+the	DET
+piece	NOUN
+I	PRON
+dropped	VERB
+off	ADP
+.	PUNCT
+
+They	PRON
+said	VERB
+it	PRON
+would	AUX
+be	AUX
+made	VERB
+exactly	ADV
+like	ADP
+the	DET
+one	NUM
+I	PRON
+needed	VERB
+to	PART
+replace	VERB
+.	PUNCT
+
+I	PRON
+picked	VERB
+it	PRON
+up	ADP
+when	ADV
+it	PRON
+was	AUX
+finished	ADJ
+and	CCONJ
+was	AUX
+charge	VERB
+30.00	NUM
+.	PUNCT
+
+When	ADV
+I	PRON
+got	VERB
+to	ADP
+the	DET
+job	NOUN
+and	CCONJ
+tried	VERB
+to	PART
+insert	VERB
+the	DET
+new	ADJ
+piece	NOUN
+of	ADP
+metal	ADJ
+IT	PRON
+WOULD	AUX
+NOT	PART
+FIT	VERB
+!!	PUNCT
+
+I	PRON
+took	VERB
+the	DET
+original	ADJ
+piece	NOUN
+of	ADP
+metal	NOUN
+and	CCONJ
+rigged	VERB
+it	PRON
+to	PART
+make	VERB
+due	VERB
+since	SCONJ
+I	PRON
+had	VERB
+to	PART
+complete	VERB
+the	DET
+job	NOUN
+.	PUNCT
+
+I	PRON
+took	VERB
+the	DET
+receipt	NOUN
+and	CCONJ
+the	DET
+metal	NOUN
+that	PRON
+did	AUX
+not	PART
+fit	VERB
+and	CCONJ
+asked	VERB
+Pomper	PROPN
+for	ADP
+my	PRON
+money	NOUN
+back	ADV
+.	PUNCT
+
+The	DET
+girl	NOUN
+at	ADP
+the	DET
+desk	NOUN
+was	AUX
+sooo	ADV
+rude	ADJ
+I	PRON
+could	AUX
+not	PART
+believe	VERB
+it	PRON
+!	PUNCT
+
+She	PRON
+told	VERB
+me	PRON
+she	PRON
+could	AUX
+not	PART
+use	VERB
+the	DET
+piece	NOUN
+I	PRON
+was	AUX
+returning	VERB
+and	CCONJ
+the	DET
+company	NOUN
+would	AUX
+only	ADV
+put	VERB
+it	PRON
+in	ADP
+the	DET
+trash	NOUN
+so	ADV
+I	PRON
+could	AUX
+not	PART
+return	VERB
+it	PRON
+.	PUNCT
+
+I	PRON
+explained	VERB
+I	PRON
+did	AUX
+not	PART
+get	VERB
+what	PRON
+I	PRON
+paid	VERB
+for	ADP
+.	PUNCT
+
+She	PRON
+asked	VERB
+me	PRON
+to	PART
+bring	VERB
+the	DET
+original	ADJ
+piece	NOUN
+back	ADV
+and	CCONJ
+I	PRON
+told	VERB
+her	PRON
+I	PRON
+had	VERB
+to	PART
+use	VERB
+it	PRON
+on	ADP
+the	DET
+job	NOUN
+.	PUNCT
+
+She	PRON
+told	VERB
+me	PRON
+that	PRON
+was	AUX
+to	ADV
+bad	ADJ
+she	PRON
+would	AUX
+do	VERB
+nothing	PRON
+to	PART
+help	VERB
+me	PRON
+since	SCONJ
+she	PRON
+could	AUX
+not	PART
+use	VERB
+or	CCONJ
+resell	VERB
+the	DET
+piece	NOUN
+.	PUNCT
+
+I	PRON
+said	VERB
+I	PRON
+was	AUX
+going	VERB
+to	PART
+trash	VERB
+it	PRON
+also	ADV
+and	CCONJ
+could	AUX
+I	PRON
+at	ADV
+least	ADV
+have	VERB
+a	DET
+credit	NOUN
+.	PUNCT
+
+With	ADP
+a	DET
+smirk	NOUN
+on	ADP
+her	PRON
+face	NOUN
+she	PRON
+told	VERB
+me	PRON
+NO	DET
+MONEY	NOUN
+IS	AUX
+BEING	AUX
+RETURNED	VERB
+and	CCONJ
+THAT	PRON
+IS	AUX
+THE	DET
+WAY	NOUN
+IT	PRON
+WAS	VERB
+.	PUNCT
+
+DO	AUX
+NOT	PART
+USE	VERB
+THIS	DET
+COMPANY	NOUN
+.	PUNCT
+
+There	PRON
+are	VERB
+to	ADV
+many	ADJ
+people	NOUN
+that	PRON
+need	VERB
+our	PRON
+business	NOUN
+to	PART
+have	VERB
+to	PART
+put	VERB
+up	ADP
+with	ADP
+this	DET
+unfair	ADJ
+treatment	NOUN
+!!!!!	PUNCT
+
+I	PRON
+would	AUX
+NEVER	ADV
+recommend	VERB
+this	DET
+gym	NOUN
+to	ADP
+anyone	PRON
+and	CCONJ
+unfortunately	ADV
+this	PRON
+is	AUX
+based	VERB
+solely	ADV
+on	ADP
+the	DET
+owner	NOUN
+'s	PART
+own	ADJ
+unprofessionalism	NOUN
+.	PUNCT
+
+When	ADV
+I	PRON
+originally	ADV
+joined	VERB
+in	ADP
+January	PROPN
+I	PRON
+only	ADV
+did	AUX
+so	ADV
+because	SCONJ
+I	PRON
+was	AUX
+told	VERB
+I	PRON
+would	AUX
+be	AUX
+able	ADJ
+to	PART
+cancel	VERB
+the	DET
+12	NUM
+month	NOUN
+membership	NOUN
+if	SCONJ
+I	PRON
+was	AUX
+to	PART
+move	VERB
+away	ADV
+.	PUNCT
+
+I	PRON
+signed	VERB
+up	ADP
+with	ADP
+one	NUM
+of	ADP
+the	DET
+staff	NOUN
+who	PRON
+was	AUX
+very	ADV
+pleasant	ADJ
+and	CCONJ
+professional	ADJ
+.	PUNCT
+
+Actually	ADV
+working	VERB
+out	ADP
+there	ADV
+was	AUX
+good	ADJ
+-	PUNCT
+the	DET
+machines	NOUN
+are	AUX
+nice	ADJ
+and	CCONJ
+the	DET
+classes	NOUN
+are	AUX
+fun	ADJ
+.	PUNCT
+
+The	DET
+locker	NOUN
+room	NOUN
+is	AUX
+certainly	ADV
+lacking	VERB
+-	PUNCT
+I	PRON
+would	AUX
+never	ADV
+shower	VERB
+or	CCONJ
+change	VERB
+there	ADV
+.	PUNCT
+
+They	PRON
+need	VERB
+to	PART
+update	VERB
+the	DET
+locker	NOUN
+rooms	NOUN
+ASAP	ADV
+.	PUNCT
+
+Back	ADV
+to	ADP
+my	PRON
+poor	ADJ
+rating	NOUN
+-	PUNCT
+I	PRON
+was	AUX
+excepted	VERB
+to	ADP
+medical	ADJ
+school	NOUN
+and	CCONJ
+went	VERB
+in	ADV
+to	PART
+cancel	VERB
+my	PRON
+membership	NOUN
+as	SCONJ
+I	PRON
+was	AUX
+told	VERB
+I	PRON
+could	AUX
+do	VERB
+since	SCONJ
+I	PRON
+was	AUX
+moving	VERB
+away	ADV
+.	PUNCT
+
+The	DET
+owner	NOUN
+was	AUX
+VERY	ADV
+rude	ADJ
+,	PUNCT
+accused	VERB
+me	PRON
+of	SCONJ
+not	ADV
+reading	VERB
+my	PRON
+contract	NOUN
+,	PUNCT
+and	CCONJ
+basically	ADV
+told	VERB
+me	PRON
+to	PART
+shut	VERB
+up	ADP
+when	ADV
+I	PRON
+was	AUX
+trying	VERB
+to	PART
+ask	VERB
+questions	NOUN
+to	PART
+further	ADV
+understand	VERB
+the	DET
+process	NOUN
+of	SCONJ
+canceling	VERB
+my	PRON
+membership	NOUN
+.	PUNCT
+
+I	PRON
+was	AUX
+able	ADJ
+to	PART
+cancel	VERB
+it	PRON
+but	CCONJ
+only	ADV
+after	SCONJ
+paying	VERB
+a	DET
+$	SYM
+50	NUM
+fee	NOUN
+(	PUNCT
+which	PRON
+the	DET
+staff	NOUN
+person	NOUN
+who	PRON
+signed	VERB
+me	PRON
+up	ADP
+stated	VERB
+I	PRON
+would	AUX
+not	PART
+have	VERB
+to	PART
+pay	VERB
+if	SCONJ
+I	PRON
+had	VERB
+proof	NOUN
+of	ADP
+moving	NOUN
+)	PUNCT
+and	CCONJ
+being	AUX
+spoken	VERB
+to	ADP
+in	ADP
+a	DET
+very	ADV
+belittling	ADJ
+manner	NOUN
+.	PUNCT
+
+I	PRON
+would	AUX
+understand	VERB
+if	SCONJ
+I	PRON
+was	AUX
+being	AUX
+treated	VERB
+this	DET
+way	NOUN
+by	ADP
+a	DET
+staff	NOUN
+member	NOUN
+but	CCONJ
+the	DET
+club	NOUN
+'s	PART
+actual	ADJ
+OWNER	NOUN
+?!	PUNCT
+
+Bad	ADJ
+for	ADP
+business	NOUN
+.	PUNCT
+
+I	PRON
+was	AUX
+appalled	ADJ
+.	PUNCT
+
+I	PRON
+will	AUX
+never	ADV
+recommend	VERB
+this	DET
+gym	NOUN
+to	ADP
+any	DET
+woman	NOUN
+.	PUNCT
+
+The	DET
+equipment	NOUN
+and	CCONJ
+classes	NOUN
+are	AUX
+n't	PART
+good	ADJ
+enough	ADJ
+to	PART
+deal	VERB
+with	ADP
+the	DET
+rudeness	NOUN
+from	ADP
+the	DET
+staff	NOUN
+!!!	PUNCT
+
+There	PRON
+are	VERB
+better	ADJ
+places	NOUN
+on	ADP
+the	DET
+Cape	NOUN
+-	PUNCT
+FITNESS	PROPN
+500	PROPN
+!	PUNCT
+
+The	DET
+Salon	NOUN
+Experience	NOUN
+from	ADP
+Hell	PROPN
+
+I	PRON
+feel	VERB
+obligated	ADJ
+to	PART
+share	VERB
+this	DET
+story	NOUN
+.	PUNCT
+
+Right	ADV
+out	ADP
+of	ADP
+college	NOUN
+I	PRON
+called	VERB
+the	DET
+salon	NOUN
+and	CCONJ
+explained	VERB
+my	PRON
+situation	NOUN
+.	PUNCT
+
+Just	ADV
+graduated	VERB
+,	PUNCT
+just	ADV
+moved	VERB
+,	PUNCT
+not	PART
+rich	ADJ
+,	PUNCT
+and	CCONJ
+starting	VERB
+new	ADJ
+job	NOUN
+soon	ADV
+.	PUNCT
+
+I	PRON
+never	ADV
+got	VERB
+a	DET
+price	NOUN
+quote	NOUN
+over	ADP
+the	DET
+phone	NOUN
+and	CCONJ
+they	PRON
+take	VERB
+your	PRON
+cc	NOUN
+info	NOUN
+just	ADV
+to	PART
+make	VERB
+the	DET
+appointment	NOUN
+because	SCONJ
+if	SCONJ
+you	PRON
+do	AUX
+n't	PART
+show	VERB
+up	ADP
+,	PUNCT
+they	PRON
+'ll	AUX
+charge	VERB
+you	PRON
+.	PUNCT
+
+I	PRON
+had	VERB
+this	DET
+ridiculous	ADJ
+celebrity	NOUN
+stylist	NOUN
+from	ADP
+LA	PROPN
+named	VERB
+Derrick	PROPN
+.	PUNCT
+
+After	SCONJ
+he	PRON
+already	ADV
+put	VERB
+product	NOUN
+on	ADP
+my	PRON
+hair	NOUN
+he	PRON
+said	VERB
+"	PUNCT
+I	PRON
+should	AUX
+warn	VERB
+you	PRON
+,	PUNCT
+I	PRON
+'m	AUX
+expensive	ADJ
+.	PUNCT
+"	PUNCT
+
+What	PRON
+was	AUX
+I	PRON
+supposed	VERB
+to	PART
+do	VERB
+,	PUNCT
+say	VERB
+I	PRON
+ca	AUX
+n't	PART
+afford	VERB
+you	PRON
+and	CCONJ
+walk	VERB
+out	ADV
+with	ADP
+crap	NOUN
+all	ADV
+over	ADP
+my	PRON
+hair	NOUN
+.	PUNCT
+
+I	PRON
+wanted	VERB
+to	PART
+be	AUX
+very	ADV
+blonde	ADJ
+and	CCONJ
+instead	ADV
+he	PRON
+pulled	VERB
+my	PRON
+root	NOUN
+color	NOUN
+throughout	ADP
+my	PRON
+whole	ADJ
+hair	NOUN
+which	PRON
+is	AUX
+a	DET
+gross	ADJ
+mousey	NOUN
+brown	NOUN
+.	PUNCT
+
+The	DET
+other	ADJ
+stylists	NOUN
+around	ADP
+me	PRON
+kept	VERB
+pressuring	VERB
+me	PRON
+saying	VERB
+he	PRON
+'s	AUX
+so	ADV
+wonderful	ADJ
+,	PUNCT
+you	PRON
+'re	AUX
+going	VERB
+to	PART
+love	VERB
+your	PRON
+hair	NOUN
+.	PUNCT
+
+$	SYM
+400	NUM
+later	ADV
+my	PRON
+jaw	NOUN
+dropped	VERB
+when	ADV
+the	DET
+receptionist	NOUN
+told	VERB
+me	PRON
+the	DET
+total	NOUN
+.	PUNCT
+
+Derrick	PROPN
+did	VERB
+a	DET
+terrible	ADJ
+job	NOUN
+,	PUNCT
+was	AUX
+a	DET
+complete	ADJ
+jerk	NOUN
+the	DET
+entire	ADJ
+time	NOUN
+,	PUNCT
+and	CCONJ
+I	PRON
+had	VERB
+no	DET
+warning	NOUN
+as	ADP
+to	ADP
+the	DET
+price	NOUN
+.	PUNCT
+
+I	PRON
+cried	VERB
+the	DET
+entire	ADJ
+way	NOUN
+home	ADV
+.	PUNCT
+
+He	PRON
+then	ADV
+"	PUNCT
+fixed	VERB
+"	PUNCT
+it	PRON
+for	ADP
+free	ADJ
+but	CCONJ
+it	PRON
+still	ADV
+looked	VERB
+like	ADP
+crap	NOUN
+.	PUNCT
+
+I	PRON
+will	AUX
+never	ADV
+go	VERB
+back	ADV
+.	PUNCT
+
+It	PRON
+was	AUX
+the	DET
+salon	NOUN
+experience	NOUN
+from	ADP
+absolutely	ADV
+Hell	PROPN
+.	PUNCT
+
+He	PRON
+also	ADV
+told	VERB
+me	PRON
+that	SCONJ
+he	PRON
+worked	VERB
+on	ADP
+the	DET
+cast	NOUN
+of	ADP
+will	PROPN
+and	CCONJ
+grace	PROPN
+and	CCONJ
+that	SCONJ
+they	PRON
+were	AUX
+all	ADV
+jerks	NOUN
+.	PUNCT
+
+That	PRON
+'s	AUX
+my	PRON
+favorite	ADJ
+show	NOUN
+of	ADP
+all	DET
+time	NOUN
+.	PUNCT
+
+I	PRON
+'m	AUX
+pretty	ADV
+sure	ADJ
+for	ADP
+the	DET
+cast	NOUN
+that	SCONJ
+it	PRON
+was	AUX
+the	DET
+other	ADJ
+way	NOUN
+around	ADV
+.	PUNCT
+
+Maybe	ADV
+he	PRON
+did	AUX
+n't	PART
+do	VERB
+a	DET
+good	ADJ
+job	NOUN
+and	CCONJ
+they	PRON
+told	VERB
+him	PRON
+so	ADV
+.	PUNCT
+
+Absolute	ADJ
+Nightmare	NOUN
+!	PUNCT
+
+STAY	VERB
+AWAY	ADV
+!	PUNCT
+
+Very	ADV
+unhappy	ADJ
+...	PUNCT
+
+Working	VERB
+with	ADP
+Rod	PROPN
+Jacobsen	PROPN
+was	AUX
+my	PRON
+first	ADJ
+experience	NOUN
+working	VERB
+with	ADP
+a	DET
+CPA	NOUN
+,	PUNCT
+so	ADV
+I	PRON
+did	AUX
+not	PART
+know	VERB
+what	PRON
+to	PART
+expect	VERB
+.	PUNCT
+
+That	PRON
+said	VERB
+-	PUNCT
+he	PRON
+seemed	VERB
+to	PART
+be	AUX
+doing	VERB
+well	ADV
+enough	ADV
+.	PUNCT
+
+However	ADV
+,	PUNCT
+then	ADV
+I	PRON
+asked	VERB
+to	PART
+amend	VERB
+my	PRON
+return	NOUN
+to	PART
+apply	VERB
+a	DET
+credit	NOUN
+I	PRON
+had	AUX
+just	ADV
+become	VERB
+eligible	ADJ
+for	ADP
+.	PUNCT
+
+I	PRON
+expected	VERB
+to	PART
+pay	VERB
+for	ADP
+this	DET
+service	NOUN
+,	PUNCT
+but	CCONJ
+imagine	VERB
+my	PRON
+surprise	NOUN
+when	ADV
+I	PRON
+received	VERB
+a	DET
+bill	NOUN
+for	ADP
+MORE	ADJ
+than	SCONJ
+what	PRON
+I	PRON
+paid	VERB
+to	PART
+have	VERB
+the	DET
+original	ADJ
+return	NOUN
+prepared	VERB
+.	PUNCT
+
+Asked	VERB
+why	ADV
+,	PUNCT
+Rod	PROPN
+simply	ADV
+told	VERB
+me	PRON
+that	SCONJ
+he	PRON
+had	VERB
+to	PART
+research	VERB
+how	ADV
+to	PART
+do	VERB
+the	DET
+amendment	NOUN
+(	PUNCT
+it	PRON
+was	AUX
+an	DET
+amended	NOUN
+to	PART
+show	VERB
+that	SCONJ
+I	PRON
+had	AUX
+purchased	VERB
+a	DET
+home	NOUN
+-	PUNCT
+nothing	PRON
+out	ADP
+of	ADP
+the	DET
+ordinary	ADJ
+,	PUNCT
+one	PRON
+would	AUX
+think	VERB
+)	PUNCT
+and	CCONJ
+that	PRON
+took	VERB
+time	NOUN
+to	PART
+figure	VERB
+out	ADP
+.	PUNCT
+
+Well	INTJ
+,	PUNCT
+that	PRON
+was	AUX
+strike	NOUN
+one	NUM
+.	PUNCT
+
+I	PRON
+was	AUX
+n't	PART
+going	VERB
+to	PART
+use	VERB
+them	PRON
+again	ADV
+,	PUNCT
+but	CCONJ
+I	PRON
+was	AUX
+going	VERB
+to	PART
+leave	VERB
+it	PRON
+at	ADP
+that	PRON
+.	PUNCT
+
+However	ADV
+,	PUNCT
+now	ADV
+that	SCONJ
+I	PRON
+have	AUX
+come	VERB
+to	PART
+realize	VERB
+that	SCONJ
+I	PRON
+am	AUX
+going	VERB
+to	PART
+owe	VERB
+the	DET
+IRS	PROPN
+$	SYM
+6,000	NUM
++	SYM
+despite	SCONJ
+doing	VERB
+exactly	ADV
+what	PRON
+Rod	PROPN
+told	VERB
+me	PRON
+to	PART
+do	VERB
+,	PUNCT
+I	PRON
+feel	VERB
+I	PRON
+have	VERB
+to	PART
+voice	VERB
+my	PRON
+opinion	NOUN
+.	PUNCT
+
+Last	ADJ
+year	NOUN
+,	PUNCT
+after	SCONJ
+all	DET
+was	AUX
+said	VERB
+and	CCONJ
+done	VERB
+,	PUNCT
+I	PRON
+asked	VERB
+Rod	PROPN
+whether	SCONJ
+my	PRON
+payment	NOUN
+structure	NOUN
+would	AUX
+leave	VERB
+me	PRON
+with	ADP
+no	DET
+/	SYM
+little	ADJ
+tax	NOUN
+liability	NOUN
+at	ADP
+the	DET
+end	NOUN
+of	ADP
+the	DET
+year	NOUN
+.	PUNCT
+
+He	PRON
+said	VERB
+yes	INTJ
+.	PUNCT
+
+Well	INTJ
+,	PUNCT
+again	ADV
+,	PUNCT
+I	PRON
+am	AUX
+now	ADV
+faced	VERB
+with	ADP
+a	DET
+tax	NOUN
+bill	NOUN
+of	ADP
+$	SYM
+6,000	NUM
++	SYM
+,	PUNCT
+all	DET
+due	ADJ
+on	ADP
+April	PROPN
+15	NUM
+,	PUNCT
+2010	NUM
+and	CCONJ
+all	DET
+that	PRON
+Rod	PROPN
+has	VERB
+to	PART
+say	VERB
+to	ADP
+the	DET
+matter	NOUN
+is	VERB
+'	PUNCT
+well	INTJ
+,	PUNCT
+you	PRON
+wo	AUX
+n't	PART
+have	VERB
+to	PART
+pay	VERB
+a	DET
+penalty	NOUN
+.	PUNCT
+'	PUNCT
+
+I	PRON
+may	AUX
+not	PART
+have	VERB
+to	PART
+pay	VERB
+a	DET
+penalty	NOUN
+,	PUNCT
+yet	ADV
+,	PUNCT
+but	CCONJ
+this	PRON
+is	AUX
+NOT	PART
+what	PRON
+I	PRON
+had	VERB
+in	ADP
+mind	NOUN
+when	ADV
+hired	VERB
+these	DET
+guys	NOUN
+.	PUNCT
+
+In	ADP
+the	DET
+words	NOUN
+of	ADP
+my	PRON
+new	ADJ
+accountant	NOUN
+,	PUNCT
+THEY	PRON
+LET	VERB
+ME	PRON
+DOWN	ADP
+!	PUNCT
+
+Bit	NOUN
+sketchy	ADJ
+,	PUNCT
+sporadic	ADJ
+delivery	NOUN
+times	NOUN
+
+I	PRON
+bought	VERB
+about	ADV
+half	NOUN
+of	ADP
+the	DET
+furniture	NOUN
+I	PRON
+own	VERB
+from	ADP
+this	DET
+place	NOUN
+.	PUNCT
+
+Why	ADV
+?	PUNCT
+
+Because	SCONJ
+they	PRON
+cut	VERB
+me	PRON
+good	ADJ
+deals	NOUN
+if	SCONJ
+I	PRON
+paid	VERB
+in	ADP
+cash	NOUN
+.	PUNCT
+
+Sketchy	ADJ
+,	PUNCT
+right	ADJ
+?	PUNCT
+
+Well	INTJ
+they	PRON
+came	VERB
+through	ADV
+and	CCONJ
+delivered	VERB
+almost	ADV
+all	DET
+of	ADP
+my	PRON
+items	NOUN
+within	ADP
+a	DET
+few	ADJ
+days	NOUN
+.	PUNCT
+
+(	PUNCT
+They	PRON
+even	ADV
+got	VERB
+me	PRON
+a	DET
+couch	NOUN
+pretty	ADV
+quickly	ADV
+.	PUNCT
+)	PUNCT
+
+The	DET
+guy	NOUN
+who	PRON
+was	AUX
+cutting	VERB
+me	PRON
+the	DET
+deals	NOUN
+and	CCONJ
+getting	VERB
+me	PRON
+the	DET
+furniture	NOUN
+quickly	ADV
+,	PUNCT
+Ahmed	PROPN
+,	PUNCT
+was	AUX
+nice	ADJ
+and	CCONJ
+mostly	ADV
+professional	ADJ
+,	PUNCT
+except	ADP
+the	DET
+semi-sketchiness	NOUN
+.	PUNCT
+
+Then	ADV
+one	NUM
+day	NOUN
+,	PUNCT
+Ahmed	PROPN
+left	VERB
+the	DET
+country	NOUN
+,	PUNCT
+not	ADV
+to	PART
+return	VERB
+for	ADP
+months	NOUN
+,	PUNCT
+WITHOUT	SCONJ
+informing	VERB
+me	PRON
+.	PUNCT
+
+He	PRON
+also	ADV
+neglected	VERB
+to	PART
+tell	VERB
+the	DET
+other	ADJ
+person	NOUN
+working	VERB
+at	ADP
+the	DET
+store	NOUN
+about	ADP
+a	DET
+dining	NOUN
+room	NOUN
+table	NOUN
+that	PRON
+I	PRON
+had	AUX
+ordered	VERB
+and	CCONJ
+that	PRON
+was	AUX
+supposed	VERB
+to	PART
+be	AUX
+coming	VERB
+in	ADV
+.	PUNCT
+
+The	DET
+other	ADJ
+person	NOUN
+working	VERB
+at	ADP
+the	DET
+store	NOUN
+did	AUX
+n't	PART
+know	VERB
+that	SCONJ
+I	PRON
+still	ADV
+had	VERB
+this	DET
+table	NOUN
+coming	VERB
+.	PUNCT
+
+I	PRON
+had	AUX
+paid	VERB
+in	ADP
+cash	NOUN
+,	PUNCT
+and	CCONJ
+he	PRON
+said	VERB
+he	PRON
+had	VERB
+no	DET
+receipt	NOUN
+/	PUNCT
+record	NOUN
+of	ADP
+my	PRON
+purchase	NOUN
+.	PUNCT
+
+I	PRON
+came	VERB
+back	ADV
+with	ADP
+the	DET
+receipt	NOUN
+Ahmed	PROPN
+had	AUX
+provided	VERB
+upon	ADP
+my	PRON
+purchase	NOUN
+,	PUNCT
+and	CCONJ
+the	DET
+guy	NOUN
+took	VERB
+forever	ADV
+to	PART
+copy	VERB
+it	PRON
+but	CCONJ
+said	VERB
+that	SCONJ
+he	PRON
+would	AUX
+take	VERB
+care	NOUN
+of	ADP
+the	DET
+situation	NOUN
+.	PUNCT
+
+I	PRON
+waited	VERB
+.	PUNCT
+
+And	CCONJ
+waited	VERB
+.	PUNCT
+
+He	PRON
+never	ADV
+once	ADV
+contacted	VERB
+us	PRON
+.	PUNCT
+
+I	PRON
+'ve	AUX
+had	VERB
+to	PART
+pester	VERB
+this	DET
+new	ADJ
+guy	NOUN
+several	ADJ
+times	NOUN
+to	PART
+ask	VERB
+when	ADV
+my	PRON
+table	NOUN
+will	AUX
+arrive	VERB
+.	PUNCT
+
+He	PRON
+kept	VERB
+saying	VERB
+different	ADJ
+arrival	NOUN
+/	PUNCT
+delivery	NOUN
+dates	NOUN
+and	CCONJ
+did	AUX
+n't	PART
+seem	VERB
+terribly	ADV
+apologetic	ADJ
+.	PUNCT
+
+It	PRON
+has	AUX
+been	AUX
+3	NUM
+weeks	NOUN
+and	CCONJ
+I	PRON
+STILL	ADV
+do	AUX
+n't	PART
+have	VERB
+my	PRON
+table	NOUN
+(	PUNCT
+which	PRON
+was	AUX
+NOT	PART
+cheap	ADJ
+,	PUNCT
+I	PRON
+might	AUX
+add	VERB
+)	PUNCT
+.	PUNCT
+
+Point	NOUN
+is	VERB
+:	PUNCT
+You	PRON
+might	AUX
+be	AUX
+able	ADJ
+to	PART
+get	VERB
+a	DET
+good	ADJ
+deal	NOUN
+on	ADP
+some	DET
+nice	ADJ
+furniture	NOUN
+--	PUNCT
+which	PRON
+I	PRON
+did	AUX
+--	PUNCT
+but	CCONJ
+they	PRON
+'re	AUX
+not	PART
+very	ADV
+communicative	ADJ
+and	CCONJ
+god	PROPN
+forbid	VERB
+something	PRON
+goes	VERB
+wrong	ADV
+,	PUNCT
+you	PRON
+'ll	AUX
+have	VERB
+to	PART
+fight	VERB
+to	PART
+get	VERB
+it	PRON
+resolved	VERB
+.	PUNCT
+
+Poor	ADJ
+Service	NOUN
+
+Run	VERB
+do	AUX
+n't	PART
+walk	VERB
+.	PUNCT
+
+My	PRON
+experience	NOUN
+with	ADP
+Home	PROPN
+Delivery	PROPN
+Service	PROPN
+has	AUX
+been	AUX
+one	NUM
+of	ADP
+disappointment	NOUN
+and	CCONJ
+anger	NOUN
+.	PUNCT
+
+If	SCONJ
+I	PRON
+could	AUX
+give	VERB
+them	PRON
+a	DET
+lower	ADJ
+rating	NOUN
+than	ADP
+poor	NOUN
+I	PRON
+would	AUX
+.	PUNCT
+
+On	ADP
+August	PROPN
+21st	NOUN
+,	PUNCT
+2009	NUM
+I	PRON
+ordered	VERB
+furniture	NOUN
+from	ADP
+Hickory	PROPN
+Furniture	PROPN
+Mart	PROPN
+and	CCONJ
+contracted	VERB
+for	SCONJ
+HDS	PROPN
+to	PART
+deliver	VERB
+it	PRON
+.	PUNCT
+
+After	ADP
+seventeen	NUM
+days	NOUN
+the	DET
+delivery	NOUN
+van	NOUN
+showed	VERB
+up	ADP
+at	ADP
+my	PRON
+home	NOUN
+minus	ADP
+two	NUM
+pieces	NOUN
+.	PUNCT
+
+I	PRON
+was	AUX
+later	ADV
+told	VERB
+they	PRON
+had	AUX
+been	AUX
+left	VERB
+at	ADP
+the	DET
+warehouse	NOUN
+and	CCONJ
+some	DET
+future	NOUN
+date	NOUN
+they	PRON
+would	AUX
+be	AUX
+delivered	VERB
+.	PUNCT
+
+No	DET
+one	NUM
+will	AUX
+give	VERB
+me	PRON
+a	DET
+date	NOUN
+.	PUNCT
+
+I	PRON
+spent	VERB
+$	SYM
+2300	NUM
+on	ADP
+the	DET
+bedroom	NOUN
+suite	NOUN
+,	PUNCT
+which	PRON
+was	AUX
+complete	ADJ
+and	CCONJ
+excellent	ADJ
+condition	NOUN
+on	ADP
+the	DET
+showroom	NOUN
+floor	NOUN
+.	PUNCT
+
+Upon	ADP
+delivery	NOUN
+it	PRON
+was	AUX
+clear	ADJ
+the	DET
+entire	ADJ
+set	NOUN
+was	AUX
+damaged	VERB
+:	PUNCT
+a	DET
+piece	NOUN
+of	ADP
+wood	NOUN
+was	AUX
+broke	ADJ
+on	ADP
+the	DET
+headboard	NOUN
+;	PUNCT
+the	DET
+chest	NOUN
+of	ADP
+drawers	NOUN
+was	AUX
+missing	VERB
+all	DET
+four	NUM
+pieces	NOUN
+necessary	ADJ
+to	PART
+attach	VERB
+the	DET
+legs	NOUN
+;	PUNCT
+the	DET
+dresser	NOUN
+back	ADJ
+legs	NOUN
+were	AUX
+pushed	VERB
+in	ADP
+causing	VERB
+the	DET
+dresser	NOUN
+to	PART
+lean	VERB
+into	ADP
+the	DET
+wall	NOUN
+;	PUNCT
+and	CCONJ
+a	DET
+nighstand	NOUN
+was	AUX
+missing	VERB
+a	DET
+drawer	NOUN
+.	PUNCT
+
+How	ADV
+do	AUX
+you	PRON
+lose	VERB
+a	DET
+drawer	NOUN
+.	PUNCT
+
+After	SCONJ
+complaining	VERB
+on	ADP
+September	PROPN
+10th	NOUN
+to	ADP
+National	PROPN
+Home	PROPN
+Furnishings	PROPN
+,	PUNCT
+Boyles	PROPN
+,	PUNCT
+the	DET
+Hickory	PROPN
+Furniture	PROPN
+Mart	PROPN
+and	CCONJ
+Home	PROPN
+Delivery	PROPN
+Service	PROPN
+the	DET
+latter	ADJ
+finally	ADV
+called	VERB
+me	PRON
+back	ADV
+and	CCONJ
+said	VERB
+they	PRON
+would	AUX
+be	VERB
+up	ADV
+to	PART
+pick	VERB
+the	DET
+dresser	NOUN
+and	CCONJ
+chest	NOUN
+of	ADP
+drawers	NOUN
+at	ADP
+some	DET
+future	ADJ
+point	NOUN
+and	CCONJ
+at	ADP
+some	DET
+later	ADJ
+point	NOUN
+it	PRON
+would	AUX
+be	AUX
+professional	ADV
+repaired	VERB
+and	CCONJ
+at	ADP
+some	DET
+later	ADJ
+point	NOUN
+it	PRON
+would	AUX
+be	AUX
+returned	VERB
+.	PUNCT
+
+The	DET
+customer	NOUN
+service	NOUN
+at	ADP
+Home	PROPN
+Delivery	PROPN
+Service	PROPN
+was	AUX
+terrible	ADJ
+let	VERB
+alone	ADV
+their	PRON
+promise	NOUN
+to	PART
+proper	ADV
+set	VERB
+up	ADP
+furniture	NOUN
+.	PUNCT
+
+So	ADV
+I	PRON
+am	AUX
+in	ADP
+limbo	NOUN
+regarding	VERB
+a	DET
+bedroom	NOUN
+suite	NOUN
+.	PUNCT
+
+I	PRON
+hope	VERB
+the	DET
+owners	NOUN
+and	CCONJ
+employees	NOUN
+of	ADP
+this	DET
+store	NOUN
+have	VERB
+broken	VERB
+bedroom	NOUN
+suites	NOUN
+in	ADP
+their	PRON
+homes	NOUN
+and	CCONJ
+furniture	ADJ
+sitting	VERB
+in	ADP
+someone	PRON
+'s	PART
+warehouse	NOUN
+.	PUNCT
+
+Maybe	ADV
+then	ADV
+they	PRON
+will	AUX
+begin	VERB
+to	PART
+understand	VERB
+poor	ADJ
+customer	NOUN
+service	NOUN
+and	CCONJ
+terrible	ADJ
+sit	VERB
+up	ADP
+service	NOUN
+.	PUNCT
+
+Excellent	ADJ
+Driving	NOUN
+School	NOUN
+
+I	PRON
+was	AUX
+involved	VERB
+in	ADP
+a	DET
+car	NOUN
+accident	NOUN
+20	NUM
+years	NOUN
+ago	ADV
+and	CCONJ
+since	ADP
+then	ADV
+I	PRON
+'ve	AUX
+been	AUX
+a	DET
+nervous	ADJ
+wreck	NOUN
+and	CCONJ
+have	AUX
+n't	PART
+been	AUX
+behind	ADP
+the	DET
+wheel	NOUN
+.	PUNCT
+
+Unfortunately	ADV
+,	PUNCT
+a	DET
+family	NOUN
+emergency	NOUN
+required	VERB
+me	PRON
+to	PART
+conquer	VERB
+this	DET
+fear	NOUN
+.	PUNCT
+
+A	DET
+very	ADV
+good	ADJ
+friend	NOUN
+of	ADP
+mine	PRON
+highly	ADV
+recommended	VERB
+the	DET
+Professional	PROPN
+Driving	PROPN
+School	PROPN
+and	CCONJ
+I	PRON
+was	AUX
+told	VERB
+to	PART
+specifically	ADV
+ask	VERB
+for	ADP
+Gerry	PROPN
+.	PUNCT
+
+She	PRON
+highly	ADV
+recommended	VERB
+him	PRON
+and	CCONJ
+described	VERB
+him	PRON
+as	ADP
+the	DET
+"	PUNCT
+Saintly	ADJ
+Instructor	NOUN
+and	CCONJ
+Simply	ADV
+the	DET
+Best	ADJ
+Instructor	NOUN
+there	PRON
+is	VERB
+....	PUNCT
+very	ADV
+calm	ADJ
+,	PUNCT
+pleasant	ADJ
+and	CCONJ
+very	ADV
+detailed	ADJ
+in	SCONJ
+giving	VERB
+instructions	NOUN
+"	PUNCT
+.	PUNCT
+
+I	PRON
+called	VERB
+the	DET
+school	NOUN
+most	ADV
+probably	ADV
+10	NUM
+times	NOUN
+before	SCONJ
+I	PRON
+finally	ADV
+enrolled	VERB
+in	ADP
+a	DET
+20	NUM
+hour	NOUN
+package	NOUN
+.	PUNCT
+
+I	PRON
+had	VERB
+to	PART
+cancel	VERB
+my	PRON
+initial	ADJ
+lesson	NOUN
+4	NUM
+times	NOUN
+and	CCONJ
+on	ADP
+the	DET
+5th	ADJ
+attempt	NOUN
+the	DET
+management	NOUN
+was	AUX
+quick	ADJ
+enough	ADV
+to	PART
+associate	VERB
+my	PRON
+cancellations	NOUN
+with	ADP
+my	PRON
+fear	NOUN
+and	CCONJ
+finally	ADV
+encouraged	VERB
+me	PRON
+into	SCONJ
+taking	VERB
+my	PRON
+initial	ADJ
+lesson	NOUN
+.	PUNCT
+
+Five	NUM
+minutes	NOUN
+before	ADP
+my	PRON
+initial	ADJ
+lesson	NOUN
+,	PUNCT
+I	PRON
+got	VERB
+a	DET
+call	NOUN
+from	ADP
+Gerry	PROPN
+advising	VERB
+me	PRON
+of	ADP
+his	PRON
+arrival	NOUN
+and	CCONJ
+to	PART
+come	VERB
+down	ADV
+as	ADV
+soon	ADV
+as	SCONJ
+I	PRON
+was	AUX
+ready	ADJ
+.	PUNCT
+
+My	PRON
+heart	NOUN
+pounded	VERB
+as	SCONJ
+I	PRON
+walked	VERB
+down	ADV
+and	CCONJ
+pounded	VERB
+even	ADV
+faster	ADV
+upon	SCONJ
+seeing	VERB
+Gerry	PROPN
+in	ADP
+an	DET
+SUV	PROPN
+-	PUNCT
+Lexus	PROPN
+!	PUNCT
+
+I	PRON
+thought	VERB
+of	SCONJ
+canceling	VERB
+the	DET
+lesson	NOUN
+once	ADV
+again	ADV
+because	SCONJ
+I	PRON
+did	AUX
+n't	PART
+feel	VERB
+comfortable	ADJ
+driving	VERB
+an	DET
+SUV	NOUN
+.	PUNCT
+
+Gerry	PROPN
+pleasantly	ADV
+said	VERB
+"	PUNCT
+since	SCONJ
+I	PRON
+am	AUX
+already	ADV
+here	ADV
+why	ADV
+do	AUX
+n't	PART
+we	PRON
+give	VERB
+it	PRON
+shot	NOUN
+.	PUNCT
+
+I	PRON
+trust	VERB
+you	PRON
+and	CCONJ
+believe	VERB
+that	SCONJ
+you	PRON
+'ll	AUX
+be	AUX
+able	ADJ
+to	PART
+handle	VERB
+this	PRON
+and	CCONJ
+all	DET
+you	PRON
+have	VERB
+to	PART
+do	VERB
+is	VERB
+to	PART
+reciprocate	VERB
+!	PUNCT
+
+Trust	VERB
+me	PRON
+and	CCONJ
+most	ADV
+especially	ADV
+trust	VERB
+and	CCONJ
+believe	VERB
+in	ADP
+yourself	PRON
+.	PUNCT
+
+Do	AUX
+n't	PART
+worry	VERB
+,	PUNCT
+I	PRON
+'ll	AUX
+take	VERB
+care	NOUN
+of	ADP
+you	PRON
+!	PUNCT
+"	PUNCT
+
+.......	PUNCT
+the	DET
+rest	NOUN
+was	AUX
+history	NOUN
+!	PUNCT
+
+Here	ADV
+I	PRON
+am	AUX
+now	ADV
+driving	VERB
+confidently	ADV
+on	ADP
+my	PRON
+own	ADJ
+.	PUNCT
+
+Gerry	PROPN
+,	PUNCT
+I	PRON
+ca	AUX
+n't	PART
+thank	VERB
+you	PRON
+enough	ADV
+for	SCONJ
+helping	VERB
+me	PRON
+cope	VERB
+with	ADP
+my	PRON
+fear	NOUN
+.	PUNCT
+
+To	ADP
+my	PRON
+friend	NOUN
+,	PUNCT
+thank	VERB
+you	PRON
+for	ADP
+your	PRON
+recommendation	NOUN
+...	PUNCT
+you	PRON
+were	AUX
+true	ADJ
+to	ADP
+your	PRON
+words	NOUN
+in	SCONJ
+saying	VERB
+Gerry	PROPN
+is	AUX
+a	DET
+"	PUNCT
+Saintly	ADJ
+Instructor	NOUN
+...	PUNCT
+Absolutely	ADV
+Simple	ADJ
+the	DET
+Best	ADJ
+Instructor	NOUN
+and	CCONJ
+Best	ADJ
+Driving	NOUN
+school	NOUN
+there	PRON
+is	VERB
+!	PUNCT
+
+Review	NOUN
+on	ADP
+House	NOUN
+of	ADP
+Joy	PROPN
+Chinese	PROPN
+Restaurant	PROPN
+
+My	PRON
+family	NOUN
+and	CCONJ
+I	PRON
+moved	VERB
+to	ADP
+San	PROPN
+Antonio	PROPN
+a	DET
+year	NOUN
+ago	ADV
+and	CCONJ
+have	AUX
+tried	VERB
+almost	ADV
+all	DET
+of	ADP
+the	DET
+Chinese	ADJ
+Restaurants	NOUN
+because	SCONJ
+we	PRON
+love	VERB
+Chinese	ADJ
+food	NOUN
+.	PUNCT
+
+Well	INTJ
+it	PRON
+took	VERB
+us	PRON
+a	DET
+while	NOUN
+to	PART
+find	VERB
+one	NUM
+that	PRON
+we	PRON
+liked	VERB
+.	PUNCT
+
+But	CCONJ
+we	PRON
+do	AUX
+n't	PART
+just	ADV
+like	VERB
+House	NOUN
+of	ADP
+Joy	PROPN
+WE	PRON
+LOVE	VERB
+IT	PRON
+.	PUNCT
+
+Everything	PRON
+we	PRON
+have	AUX
+gotten	VERB
+there	ADV
+has	AUX
+been	AUX
+more	ADV
+authentic	ADJ
+and	CCONJ
+better	ADV
+tasting	VERB
+than	ADP
+any	DET
+other	ADJ
+Chinese	ADJ
+restaurant	NOUN
+in	ADP
+the	DET
+San	PROPN
+Antonio	PROPN
+area	NOUN
+we	PRON
+have	AUX
+been	AUX
+to	ADP
+--	PUNCT
+and	CCONJ
+trust	VERB
+me	PRON
+we	PRON
+have	AUX
+been	AUX
+to	ADP
+a	DET
+lot	NOUN
+of	ADP
+them	PRON
+.	PUNCT
+
+We	PRON
+just	ADV
+happen	VERB
+to	PART
+stumble	VERB
+across	ADP
+this	DET
+little	ADJ
+restaurant	NOUN
+one	NUM
+day	NOUN
+when	ADV
+we	PRON
+had	VERB
+to	PART
+visit	VERB
+the	DET
+Bexar	PROPN
+County	PROPN
+Tax	PROPN
+Office	PROPN
+off	ADP
+of	ADP
+Bandera	PROPN
+Road	PROPN
+.	PUNCT
+
+We	PRON
+stopped	VERB
+in	ADV
+and	CCONJ
+got	VERB
+some	DET
+take	NOUN
+out	NOUN
+and	CCONJ
+can	AUX
+not	PART
+stop	VERB
+going	VERB
+back	ADV
+.	PUNCT
+
+They	PRON
+have	VERB
+the	DET
+best	ADJ
+Egg	PROPN
+Drop	PROPN
+Soup	PROPN
+I	PRON
+have	AUX
+ever	ADV
+tasted	VERB
+.	PUNCT
+
+We	PRON
+also	ADV
+love	VERB
+their	PRON
+Egg	NOUN
+Rolls	NOUN
+and	CCONJ
+Spring	NOUN
+Rolls	NOUN
+.	PUNCT
+
+And	CCONJ
+every	DET
+entree	NOUN
+we	PRON
+have	AUX
+ordered	VERB
+is	AUX
+perfect	ADJ
+.	PUNCT
+
+Everything	PRON
+is	AUX
+always	ADV
+cooked	VERB
+fresh	ADV
+and	CCONJ
+tastes	VERB
+fresh	ADJ
+.	PUNCT
+
+Their	PRON
+prices	NOUN
+are	AUX
+extremely	ADV
+reasonable	ADJ
+for	ADP
+the	DET
+amount	NOUN
+of	ADP
+food	NOUN
+you	PRON
+receive	VERB
+.	PUNCT
+
+The	DET
+staff	NOUN
+is	AUX
+also	ADV
+just	ADV
+so	ADV
+pleasant	ADJ
+to	PART
+deal	VERB
+with	ADP
+.	PUNCT
+
+They	PRON
+are	AUX
+also	ADV
+quick	ADJ
+at	SCONJ
+getting	VERB
+your	PRON
+order	NOUN
+out	ADV
+to	ADP
+you	PRON
+.	PUNCT
+
+You	PRON
+do	AUX
+n't	PART
+have	VERB
+to	PART
+sit	VERB
+and	CCONJ
+wait	VERB
+around	ADV
+forever	ADV
+like	ADP
+most	ADJ
+places	NOUN
+!!	PUNCT
+
+So	ADV
+anyone	PRON
+looking	VERB
+for	ADP
+an	DET
+Excellent	ADJ
+night	NOUN
+out	ADV
+for	ADP
+Chinese	ADJ
+or	CCONJ
+maybe	ADV
+just	ADV
+lunch	NOUN
+should	AUX
+stop	VERB
+in	ADV
+and	CCONJ
+try	VERB
+it	PRON
+because	SCONJ
+I	PRON
+promise	VERB
+you	PRON
+2	NUM
+things	NOUN
+---	PUNCT
+You	PRON
+wo	AUX
+n't	PART
+regret	VERB
+it	PRON
+!!	PUNCT
+
+and	CCONJ
+you	PRON
+will	AUX
+go	VERB
+back	ADV
+for	ADP
+more	ADJ
+!!!	PUNCT
+
+Karla	PROPN
+Ferguson	PROPN
+-	PUNCT
+Granger	PROPN
+
+PS	NOUN
+I	PRON
+have	AUX
+noticed	VERB
+on	ADP
+here	ADV
+that	SCONJ
+someone	PRON
+left	VERB
+a	DET
+comment	NOUN
+that	SCONJ
+"	PUNCT
+all	DET
+of	ADP
+the	DET
+nice	ADJ
+comments	NOUN
+must	AUX
+come	VERB
+from	ADP
+co	X
+workers	NOUN
+or	CCONJ
+friends	NOUN
+"	PUNCT
+and	CCONJ
+I	PRON
+will	AUX
+tell	VERB
+you	PRON
+that	SCONJ
+I	PRON
+do	AUX
+n't	PART
+know	VERB
+these	DET
+people	NOUN
+except	ADP
+from	SCONJ
+eating	VERB
+at	ADP
+their	PRON
+restaurant	NOUN
+.	PUNCT
+
+We	PRON
+are	AUX
+from	ADP
+Virginia	PROPN
+and	CCONJ
+just	ADV
+moved	VERB
+here	ADV
+a	DET
+year	NOUN
+ago	ADV
+.	PUNCT
+
+So	ADV
+that	DET
+comment	NOUN
+is	AUX
+completely	ADV
+false	ADJ
+.	PUNCT
+
+Because	SCONJ
+we	PRON
+think	VERB
+IT	PRON
+'S	AUX
+THE	DET
+BEST	ADJ
+!!!	PUNCT
+
+and	CCONJ
+we	PRON
+do	AUX
+n't	PART
+know	VERB
+them	PRON
+except	ADP
+for	SCONJ
+eating	VERB
+there	ADV
+.	PUNCT
+
+Dr.	PROPN
+Strzalka	PROPN
+at	ADP
+Flagship	PROPN
+CVTS	PROPN
+is	AUX
+not	PART
+a	DET
+good	ADJ
+doctor	NOUN
+
+I	PRON
+am	AUX
+not	PART
+sure	ADJ
+about	ADP
+the	DET
+quality	NOUN
+of	ADP
+the	DET
+other	ADJ
+doctors	NOUN
+there	ADV
+,	PUNCT
+but	CCONJ
+i	PRON
+do	AUX
+know	VERB
+from	ADP
+personal	ADJ
+experience	NOUN
+that	SCONJ
+Dr.	PROPN
+Christopher	PROPN
+T.	PROPN
+Strzalka	PROPN
+is	AUX
+not	PART
+a	DET
+man	NOUN
+of	ADP
+his	PRON
+word	NOUN
+,	PUNCT
+and	CCONJ
+is	AUX
+also	ADV
+very	ADV
+CRUEL	ADJ
+AND	CCONJ
+UNCARING	ADJ
+!!	PUNCT
+
+He	PRON
+was	AUX
+going	VERB
+to	PART
+operate	VERB
+and	CCONJ
+replace	VERB
+my	PRON
+bicuspid	ADJ
+aortic	ADJ
+valve	NOUN
+due	ADP
+to	ADP
+critical	ADJ
+aortic	ADJ
+stenosis	NOUN
+.	PUNCT
+
+I	PRON
+had	VERB
+a	DET
+surgery	NOUN
+date	NOUN
+of	ADP
+July	PROPN
+17	NUM
+,	PUNCT
+2008	NUM
+.	PUNCT
+
+Then	ADV
+he	PRON
+renigged	VERB
+when	ADV
+he	PRON
+read	VERB
+my	PRON
+Health	PROPN
+Care	PROPN
+Proxy	PROPN
+,	PUNCT
+even	ADV
+though	SCONJ
+i	PRON
+agreed	VERB
+to	PART
+be	AUX
+on	ADP
+the	DET
+ventilator	NOUN
+for	ADP
+2	NUM
+months	NOUN
+following	VERB
+surgery	NOUN
+(	PUNCT
+as	SCONJ
+he	PRON
+had	AUX
+twice	ADV
+stated	VERB
+i	PRON
+must	AUX
+agree	VERB
+to	ADP
+)	PUNCT
+.	PUNCT
+
+He	PRON
+later	ADV
+said	VERB
+that	SCONJ
+by	ADP
+2	NUM
+months	NOUN
+he	PRON
+"	PUNCT
+meant	VERB
+at	ADV
+least	ADV
+two	NUM
+months	NOUN
+"	PUNCT
+.	PUNCT
+
+Two	NUM
+months	NOUN
+and	CCONJ
+at	ADV
+least	ADV
+two	NUM
+months	NOUN
+are	AUX
+totally	ADV
+different	ADJ
+things	NOUN
+.	PUNCT
+
+He	PRON
+did	AUX
+not	PART
+even	ADV
+give	VERB
+me	PRON
+the	DET
+chance	NOUN
+to	PART
+say	VERB
+i	PRON
+would	AUX
+stay	VERB
+on	ADP
+the	DET
+ventilator	NOUN
+longer	ADV
+,	PUNCT
+which	PRON
+i	PRON
+would	AUX
+have	AUX
+.	PUNCT
+
+A	DET
+Health	PROPN
+Care	PROPN
+Proxy	PROPN
+is	AUX
+not	PART
+written	VERB
+in	ADP
+stone	NOUN
+and	CCONJ
+can	AUX
+be	AUX
+changed	VERB
+.	PUNCT
+
+He	PRON
+also	ADV
+never	ADV
+even	ADV
+said	VERB
+he	PRON
+was	AUX
+sorry	ADJ
+.	PUNCT
+
+Just	ADV
+said	VERB
+i	PRON
+was	AUX
+inoperable	ADJ
+and	CCONJ
+walked	VERB
+out	ADP
+of	ADP
+the	DET
+hospital	NOUN
+room	NOUN
+.	PUNCT
+
+So	ADV
+,	PUNCT
+therefore	ADV
+,	PUNCT
+now	ADV
+he	PRON
+says	VERB
+i	PRON
+am	AUX
+inoperable	ADJ
+(	PUNCT
+even	ADV
+though	SCONJ
+i	PRON
+am	AUX
+not	PART
+100	NUM
+%	SYM
+inoperable	ADJ
+)	PUNCT
+,	PUNCT
+and	CCONJ
+he	PRON
+is	AUX
+letting	VERB
+me	PRON
+die	VERB
+.	PUNCT
+
+I	PRON
+am	AUX
+just	ADV
+middle	ADJ
+aged	ADJ
+and	CCONJ
+do	AUX
+not	PART
+want	VERB
+to	PART
+die	VERB
+,	PUNCT
+but	CCONJ
+thanks	NOUN
+to	ADP
+this	DET
+doctor	NOUN
+i	PRON
+have	VERB
+no	DET
+other	ADJ
+alternatives	NOUN
+.	PUNCT
+
+I	PRON
+,	PUNCT
+along	ADP
+with	ADP
+my	PRON
+friends	NOUN
+,	PUNCT
+consider	VERB
+this	DET
+doctor	NOUN
+to	PART
+be	AUX
+the	DET
+cause	NOUN
+of	ADP
+my	PRON
+death	NOUN
+as	SCONJ
+he	PRON
+is	AUX
+not	PART
+even	ADV
+trying	VERB
+to	PART
+save	VERB
+my	PRON
+life	NOUN
+by	SCONJ
+operating	VERB
+.	PUNCT
+
+Even	ADV
+my	PRON
+PA	PROPN
+i	PRON
+went	VERB
+to	ADP
+the	DET
+other	ADJ
+day	NOUN
+said	VERB
+"	PUNCT
+it	PRON
+must	AUX
+by	VERB
+comforting	ADJ
+to	PART
+have	AUX
+gone	VERB
+to	ADP
+a	DET
+heart	NOUN
+surgeon	NOUN
+like	ADP
+him	PRON
+who	PRON
+will	AUX
+do	VERB
+nothing	PRON
+for	ADP
+you	PRON
+"	PUNCT
+.	PUNCT
+
+He	PRON
+said	VERB
+it	PRON
+sarcastically	ADV
+.	PUNCT
+
+If	SCONJ
+you	PRON
+want	VERB
+a	DET
+doctor	NOUN
+who	PRON
+will	AUX
+lie	VERB
+to	ADP
+you	PRON
+and	CCONJ
+say	VERB
+he	PRON
+will	AUX
+operate	VERB
+and	CCONJ
+then	ADV
+change	VERB
+his	PRON
+mind	NOUN
+,	PUNCT
+and	CCONJ
+not	PART
+know	VERB
+what	PRON
+he	PRON
+is	AUX
+talking	VERB
+about	ADP
+when	ADV
+he	PRON
+recommends	VERB
+procedures	NOUN
+at	ADP
+other	ADJ
+hospitals	NOUN
+and	CCONJ
+says	VERB
+they	PRON
+are	VERB
+what	PRON
+you	PRON
+need	VERB
+,	PUNCT
+when	ADV
+they	PRON
+will	AUX
+not	PART
+work	VERB
+for	ADP
+you	PRON
+,	PUNCT
+go	VERB
+to	ADP
+this	DET
+doctor	NOUN
+...	PUNCT
+he	PRON
+is	AUX
+the	DET
+one	NOUN
+for	ADP
+you	PRON
+.	PUNCT
+
+What	PRON
+you	PRON
+can	AUX
+learn	VERB
+from	ADP
+the	DET
+below	ADJ
+'	PUNCT
+bad	ADJ
+experience	NOUN
+'	PUNCT
+.	PUNCT
+
+I	PRON
+would	AUX
+suggest	VERB
+not	ADV
+avoiding	VERB
+Second	PROPN
+Home	PROPN
+based	VERB
+on	ADP
+the	DET
+'	PUNCT
+bad	ADJ
+experience	NOUN
+'	PUNCT
+review	NOUN
+.	PUNCT
+
+I	PRON
+'d	AUX
+probably	ADV
+be	AUX
+more	ADV
+inclined	ADJ
+to	PART
+board	VERB
+my	PRON
+two	NUM
+dogs	NOUN
+here	ADV
+,	PUNCT
+seeing	VERB
+that	SCONJ
+they	PRON
+do	AUX
+n't	PART
+just	ADV
+take	VERB
+every	DET
+dog	NOUN
+coming	VERB
+in	ADV
+.	PUNCT
+
+I	PRON
+'ve	AUX
+toured	VERB
+this	DET
+place	NOUN
+and	CCONJ
+was	AUX
+impressed	VERB
+by	ADP
+how	ADV
+clean	ADJ
+the	DET
+place	NOUN
+was	AUX
+,	PUNCT
+and	CCONJ
+all	DET
+the	DET
+options	NOUN
+for	ADP
+the	DET
+dogs	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+unfortunate	ADJ
+that	SCONJ
+bmil	PROPN
+believed	VERB
+that	SCONJ
+his	PRON
+'	PUNCT
+perfect	ADJ
+'	PUNCT
+dog	NOUN
+was	AUX
+not	PART
+given	VERB
+the	DET
+right	ADJ
+opportunity	NOUN
+to	PART
+prove	VERB
+himself	PRON
+.	PUNCT
+
+But	CCONJ
+I	PRON
+'ve	AUX
+done	VERB
+hundreds	NOUN
+of	ADP
+dog	NOUN
+introductions	NOUN
+myself	PRON
+(	PUNCT
+another	DET
+place	NOUN
+,	PUNCT
+I	PRON
+do	AUX
+n't	PART
+work	VERB
+here	ADV
+)	PUNCT
+,	PUNCT
+and	CCONJ
+owners	NOUN
+can	AUX
+have	VERB
+unrealistic	ADJ
+expectations	NOUN
+and	CCONJ
+views	NOUN
+of	SCONJ
+what	PRON
+they	PRON
+see	VERB
+when	ADV
+their	PRON
+dogs	NOUN
+meet	VERB
+other	ADJ
+dogs	NOUN
+.	PUNCT
+
+Workers	NOUN
+who	PRON
+do	VERB
+these	DET
+introductions	NOUN
+look	VERB
+at	ADP
+the	DET
+interaction	NOUN
+objectively	ADV
+;	PUNCT
+and	CCONJ
+it	PRON
+'s	AUX
+good	ADJ
+to	PART
+see	VERB
+they	PRON
+are	AUX
+able	ADJ
+and	CCONJ
+willing	ADJ
+to	PART
+say	VERB
+no	INTJ
+if	SCONJ
+they	PRON
+feel	VERB
+there	PRON
+would	AUX
+be	VERB
+a	DET
+problem	NOUN
+.	PUNCT
+
+It	PRON
+sounds	VERB
+(	PUNCT
+according	VERB
+to	ADP
+your	PRON
+own	ADJ
+statement	NOUN
+)	PUNCT
+that	SCONJ
+they	PRON
+had	VERB
+a	DET
+roomful	NOUN
+of	ADP
+dogs	NOUN
+,	PUNCT
+so	ADV
+they	PRON
+must	AUX
+be	AUX
+doing	VERB
+something	PRON
+right	ADV
+-	PUNCT
+and	CCONJ
+are	AUX
+keeping	VERB
+those	DET
+dogs	NOUN
+safe	ADJ
+from	ADP
+potential	ADJ
+problems	NOUN
+.	PUNCT
+
+You	PRON
+say	VERB
+you	PRON
+work	VERB
+a	DET
+lot	NOUN
+,	PUNCT
+and	CCONJ
+that	SCONJ
+you	PRON
+have	VERB
+a	DET
+young	ADJ
+dog	NOUN
+;	PUNCT
+so	ADV
+I	PRON
+have	VERB
+little	ADJ
+doubt	NOUN
+that	SCONJ
+your	PRON
+dog	NOUN
+is	AUX
+just	ADV
+filled	VERB
+with	ADP
+energy	NOUN
+to	PART
+burn	VERB
+;	PUNCT
+and	CCONJ
+it	PRON
+is	AUX
+good	ADJ
+of	ADP
+you	PRON
+to	PART
+look	VERB
+for	ADP
+a	DET
+place	NOUN
+to	PART
+take	VERB
+him	PRON
+.	PUNCT
+
+But	CCONJ
+not	PART
+at	ADP
+a	DET
+risk	NOUN
+to	ADP
+other	ADJ
+people	NOUN
+'s	PART
+pets	NOUN
+.	PUNCT
+
+You	PRON
+were	AUX
+clearly	ADV
+given	VERB
+another	DET
+alternative	NOUN
+by	ADP
+Second	PROPN
+Home	PROPN
+,	PUNCT
+to	PART
+board	VERB
+him	PRON
+-	PUNCT
+which	PRON
+might	AUX
+have	AUX
+given	VERB
+your	PRON
+dog	NOUN
+a	DET
+chance	NOUN
+to	PART
+come	VERB
+and	CCONJ
+go	VERB
+from	ADP
+Second	PROPN
+Home	PROPN
+a	DET
+couple	NOUN
+times	NOUN
+,	PUNCT
+getting	VERB
+used	ADJ
+to	ADP
+the	DET
+place	NOUN
+and	CCONJ
+maybe	ADV
+facilitating	VERB
+another	DET
+attempt	NOUN
+to	PART
+get	VERB
+into	ADP
+daycare	NOUN
+later	ADV
+.	PUNCT
+
+No	DET
+business	NOUN
+is	AUX
+going	VERB
+to	PART
+push	VERB
+customers	NOUN
+away	ADV
+without	ADP
+good	ADJ
+reason	NOUN
+;	PUNCT
+so	ADV
+is	AUX
+n't	PART
+it	PRON
+reasonable	ADJ
+to	PART
+think	VERB
+they	PRON
+might	AUX
+know	VERB
+what	PRON
+they	PRON
+'re	AUX
+doing	VERB
+?	PUNCT
+
+My	PRON
+dogs	NOUN
+are	AUX
+far	ADV
+from	ADP
+perfect	ADJ
+,	PUNCT
+and	CCONJ
+one	NUM
+of	ADP
+them	PRON
+I	PRON
+believe	VERB
+would	AUX
+be	AUX
+a	DET
+little	ADJ
+much	ADJ
+for	ADP
+daycare	NOUN
+here	ADV
+herself	PRON
+(	PUNCT
+at	ADV
+least	ADV
+initially	ADV
+)	PUNCT
+.	PUNCT
+
+Be	AUX
+a	DET
+little	ADJ
+more	ADV
+reasonable	ADJ
+with	ADP
+your	PRON
+expectations	NOUN
+of	ADP
+a	DET
+place	NOUN
+like	ADP
+this	PRON
+;	PUNCT
+and	CCONJ
+maybe	ADV
+do	AUX
+n't	PART
+jump	VERB
+to	ADP
+personal	ADJ
+attacks	NOUN
+suggesting	VERB
+that	SCONJ
+they	PRON
+do	AUX
+n't	PART
+want	VERB
+to	PART
+work	VERB
+hard	ADV
+,	PUNCT
+just	ADV
+because	SCONJ
+you	PRON
+bruised	VERB
+your	PRON
+own	ADJ
+ego	NOUN
+.	PUNCT
+
+Dumbest	ADJ
+F'ers	NOUN
+ever	ADV
+
+I	PRON
+called	VERB
+dominos	PROPN
+tonight	NOUN
+,	PUNCT
+it	PRON
+rang	VERB
+forever	ADV
+,	PUNCT
+I	PRON
+get	AUX
+put	VERB
+on	ADP
+hold	NOUN
+twice	ADV
+without	SCONJ
+saying	VERB
+a	DET
+word	NOUN
+and	CCONJ
+FINALLY	ADV
+someone	PRON
+says	VERB
+,	PUNCT
+MAY	AUX
+I	PRON
+HELP	VERB
+YOU	PRON
+?	PUNCT
+
+So	ADV
+I	PRON
+say	VERB
+:	PUNCT
+I	PRON
+'m	AUX
+at	ADP
+the	DET
+Radison	PROPN
+Warwick	PROPN
+hotel	NOUN
+in	ADP
+Rittenhouse	PROPN
+Square	PROPN
+(	PUNCT
+built	VERB
+in	ADP
+1926	NUM
+)	PUNCT
+do	AUX
+you	PRON
+deliver	VERB
+to	ADP
+the	DET
+Warwick	PROPN
+?	PUNCT
+
+They	PRON
+say	VERB
+no	INTJ
+,	PUNCT
+Warwick	PROPN
+in	ADP
+New	PROPN
+Jersey	PROPN
+,	PUNCT
+Call	VERB
+New	PROPN
+Jersey	PROPN
+.	PUNCT
+
+I	PRON
+laugh	VERB
+and	CCONJ
+say	VERB
+,	PUNCT
+no	INTJ
+,	PUNCT
+that	DET
+Warwick	PROPN
+is	AUX
+in	ADP
+New	PROPN
+York	PROPN
+,	PUNCT
+but	CCONJ
+I	PRON
+'m	AUX
+at	ADP
+the	DET
+Radison	PROPN
+-	PUNCT
+Warwick	PROPN
+.	PUNCT
+
+And	CCONJ
+he	PRON
+says	VERB
+:	PUNCT
+You	PRON
+'re	AUX
+at	ADP
+Warwick	PROPN
+in	ADP
+Pennsylvania	PROPN
+?	PUNCT
+
+and	CCONJ
+I	PRON
+said	VERB
+,	PUNCT
+YES	INTJ
+,	PUNCT
+CENTER	PROPN
+CITY	PROPN
+PHILLY	PROPN
+,	PUNCT
+and	CCONJ
+he	PRON
+says	VERB
+,	PUNCT
+NO	INTJ
+,	PUNCT
+Warwick	PROPN
+is	AUX
+a	DET
+township	NOUN
+,	PUNCT
+If	SCONJ
+you	PRON
+'re	AUX
+at	ADP
+a	DET
+Radison	PROPN
+in	ADP
+Warwick	PROPN
+that	PRON
+s	AUX
+too	ADV
+far	ADJ
+,	PUNCT
+try	VERB
+dominos	PROPN
+in	ADP
+Pottstown	PROPN
+.	PUNCT
+
+I	PRON
+say	VERB
+,	PUNCT
+NO	INTJ
+,	PUNCT
+I	PRON
+am	AUX
+at	ADP
+the	DET
+RADISON	PROPN
+WARWICK	PROPN
+HOTEL	PROPN
+in	ADP
+Rittenhouse	PROPN
+Square	PROPN
+.	PUNCT
+
+He	PRON
+says	VERB
+:	PUNCT
+I	PRON
+not	PART
+know	VERB
+that	DET
+town	NOUN
+,	PUNCT
+I	PRON
+have	VERB
+to	PART
+get	VERB
+to	ADP
+work	NOUN
+,	PUNCT
+I	PRON
+'m	AUX
+in	ADP
+PHILLY	PROPN
+.	PUNCT
+
+Call	VERB
+dominos	PROPN
+in	ADP
+your	PRON
+town	NOUN
+.	PUNCT
+
+I	PRON
+SAY	VERB
+LISTEN	VERB
+:	PUNCT
+I	PRON
+'m	AUX
+at	ADP
+17th	PROPN
+and	CCONJ
+LOCUST	PROPN
+,	PUNCT
+do	AUX
+you	PRON
+deliver	VERB
+there	ADV
+?	PUNCT
+
+He	PRON
+says	VERB
+,	PUNCT
+I	PRON
+have	VERB
+to	PART
+have	VERB
+an	DET
+exact	ADJ
+ADDRESS	NOUN
+.	PUNCT
+
+OK	INTJ
+,	PUNCT
+1701	NUM
+LOCUST	PROPN
+STREET	PROPN
+i	PRON
+say	VERB
+.	PUNCT
+
+he	PRON
+says	VERB
+:	PUNCT
+Why	ADV
+you	PRON
+tell	VERB
+me	PRON
+you	PRON
+r	AUX
+in	ADP
+WARWICK	PROPN
+TOWNSHIP	PROPN
+?	PUNCT
+
+He	PRON
+gives	VERB
+the	DET
+phone	NOUN
+to	ADP
+a	DET
+girl	NOUN
+,	PUNCT
+she	PRON
+says	VERB
+,	PUNCT
+I	PRON
+have	VERB
+to	PART
+have	VERB
+your	PRON
+address	NOUN
+,	PUNCT
+I	PRON
+say	VERB
+,	PUNCT
+do	AUX
+you	PRON
+deliver	VERB
+to	ADP
+17th	PROPN
+and	CCONJ
+locust	PROPN
+,	PUNCT
+she	PRON
+says	VERB
+,	PUNCT
+your	PRON
+exact	ADJ
+address	NOUN
+,	PUNCT
+I	PRON
+say	VERB
+1	NUM
+-	PUNCT
+7	NUM
+-	PUNCT
+0	NUM
+-	PUNCT
+1	NUM
+Locust	PROPN
+,	PUNCT
+ARe	AUX
+you	PRON
+sure	ADJ
+?	PUNCT
+she	PRON
+asks	VERB
+?	PUNCT
+
+YES	INTJ
+I	PRON
+am	AUX
+sure	ADJ
+,	PUNCT
+well	INTJ
+,	PUNCT
+she	PRON
+says	VERB
+,	PUNCT
+is	AUX
+that	PRON
+ON	ADP
+17th	NOUN
+STREET	NOUN
+.	PUNCT
+
+Yes	INTJ
+,	PUNCT
+I	PRON
+say	VERB
+.	PUNCT
+
+17th	PROPN
+,	PUNCT
+like	ADP
+over	ADV
+by	ADP
+16th	PROPN
+and	CCONJ
+15th	PROPN
+YES	INTJ
+,	PUNCT
+I	PRON
+say	VERB
+,	PUNCT
+one	NUM
+mile	NOUN
+west	ADV
+of	ADP
+you	PRON
+.	PUNCT
+
+You	PRON
+'re	AUX
+at	ADP
+7th	PROPN
+.	PUNCT
+
+I	PRON
+am	AUX
+just	ADV
+south	ADV
+of	ADP
+Walnut	PROPN
+.	PUNCT
+
+She	PRON
+says	VERB
+,	PUNCT
+Is	AUX
+that	PRON
+17th	PROPN
+like	ADP
+over	ADP
+past	ADP
+broad	PROPN
+.	PUNCT
+
+YES	INTJ
+,	PUNCT
+I	PRON
+am	AUX
+west	ADV
+of	ADP
+broad	PROPN
+.	PUNCT
+
+Broad	PROPN
+,	PUNCT
+I	PRON
+say	VERB
+,	PUNCT
+is	AUX
+14th	PROPN
+street	PROPN
+and	CCONJ
+I	PRON
+am	AUX
+3	NUM
+blocks	NOUN
+west	ADV
+of	ADP
+broad	PROPN
+and	CCONJ
+one	NUM
+south	ADV
+of	ADP
+walnut	PROPN
+.	PUNCT
+
+Hmmm	INTJ
+,	PUNCT
+she	PRON
+says	VERB
+,	PUNCT
+Then	ADV
+why	ADV
+are	AUX
+you	PRON
+calling	VERB
+here	ADV
+,	PUNCT
+we	PRON
+do	AUX
+n't	PART
+go	VERB
+past	ADP
+broad	PROPN
+?	PUNCT
+
+Anyway	INTJ
+,	PUNCT
+after	ADP
+much	ADJ
+yelling	NOUN
+and	CCONJ
+cussing	NOUN
+I	PRON
+hung	VERB
+up	ADP
+,	PUNCT
+grabbed	VERB
+a	DET
+cab	NOUN
+,	PUNCT
+and	CCONJ
+went	VERB
+to	ADP
+Geno	PROPN
+'s	PART
+.	PUNCT
+
+Quick	ADJ
+to	PART
+take	VERB
+money	NOUN
+but	CCONJ
+not	PART
+quick	ADJ
+to	PART
+fix	VERB
+a	DET
+problem	NOUN
+!	PUNCT
+
+B&B	PROPN
+came	VERB
+out	ADV
+very	ADV
+quickly	ADV
+to	PART
+give	VERB
+us	PRON
+our	PRON
+quote	NOUN
+back	ADV
+in	ADP
+June	PROPN
+.	PUNCT
+
+They	PRON
+were	AUX
+very	ADV
+polite	ADJ
+,	PUNCT
+eager	ADJ
+to	PART
+answer	VERB
+any	DET
+questions	NOUN
+and	CCONJ
+willing	ADJ
+to	PART
+wait	VERB
+for	SCONJ
+us	PRON
+to	PART
+return	VERB
+from	ADP
+vacation	NOUN
+to	PART
+begin	VERB
+installing	VERB
+our	PRON
+fence	NOUN
+.	PUNCT
+
+Our	PRON
+fence	NOUN
+was	AUX
+installed	VERB
+quickly	ADV
+in	ADP
+August	PROPN
+and	CCONJ
+they	PRON
+had	VERB
+their	PRON
+money	NOUN
+and	CCONJ
+left	VERB
+saying	VERB
+"	PUNCT
+Workmanship	NOUN
+is	AUX
+guaranteed	VERB
+for	ADP
+a	DET
+year	NOUN
+!	PUNCT
+"	PUNCT
+.	PUNCT
+
+Within	ADP
+a	DET
+week	NOUN
+we	PRON
+noticed	VERB
+one	NUM
+of	ADP
+the	DET
+boards	NOUN
+on	ADP
+our	PRON
+gate	NOUN
+splitting	VERB
+where	ADV
+a	DET
+nail	NOUN
+had	AUX
+gone	VERB
+in	ADV
+.	PUNCT
+
+We	PRON
+called	VERB
+our	PRON
+representative	NOUN
+who	PRON
+assured	VERB
+me	PRON
+he	PRON
+would	AUX
+call	VERB
+the	DET
+office	NOUN
+and	CCONJ
+have	VERB
+it	PRON
+taken	VERB
+care	NOUN
+of	ADP
+.	PUNCT
+
+We	PRON
+heard	VERB
+nothing	PRON
+.	PUNCT
+
+We	PRON
+then	ADV
+called	VERB
+the	DET
+office	NOUN
+and	CCONJ
+the	DET
+man	NOUN
+we	PRON
+spoke	VERB
+to	ADP
+said	VERB
+he	PRON
+'d	AUX
+send	VERB
+someone	PRON
+out	ADV
+to	PART
+look	VERB
+at	ADP
+it	PRON
+but	CCONJ
+could	AUX
+n't	PART
+promise	VERB
+when	ADV
+-	PUNCT
+two	NUM
+weeks	NOUN
+came	VERB
+and	CCONJ
+went	VERB
+and	CCONJ
+we	PRON
+heard	VERB
+nothing	PRON
+.	PUNCT
+
+I	PRON
+just	ADV
+called	VERB
+again	ADV
+and	CCONJ
+was	AUX
+told	VERB
+that	SCONJ
+workmanship	NOUN
+,	PUNCT
+not	CCONJ
+wood	NOUN
+,	PUNCT
+is	AUX
+guaranteed	VERB
+for	ADP
+a	DET
+year	NOUN
+-	PUNCT
+well	INTJ
+in	ADP
+my	PRON
+opinion	NOUN
+-	PUNCT
+the	DET
+wood	NOUN
+split	VERB
+due	ADP
+to	ADP
+a	DET
+nail	NOUN
+which	PRON
+is	AUX
+part	NOUN
+of	ADP
+workmanship	NOUN
+!	PUNCT
+
+She	PRON
+even	ADV
+went	VERB
+so	ADV
+far	ADV
+as	SCONJ
+to	PART
+say	VERB
+"	PUNCT
+You	PRON
+r	AUX
+calling	VERB
+about	ADP
+one	NUM
+board	NOUN
+?	PUNCT
+"	PUNCT
+
+Well	INTJ
+-	PUNCT
+when	ADV
+you	PRON
+pay	VERB
+over	ADP
+$	SYM
+1000	NUM
+for	ADP
+something	PRON
+you	PRON
+want	VERB
+it	PRON
+to	PART
+hold	VERB
+up	ADP
+and	CCONJ
+look	VERB
+good	ADJ
+!!!	PUNCT
+
+YES	INTJ
+!	PUNCT
+
+I	PRON
+WAS	AUX
+calling	VERB
+about	ADP
+one	NUM
+board	NOUN
+!!	PUNCT
+
+I	PRON
+'m	AUX
+very	ADV
+frustrated	ADJ
+at	ADP
+this	DET
+point	NOUN
+-	PUNCT
+it	PRON
+would	AUX
+take	VERB
+all	DET
+of	ADP
+10	NUM
+min	NOUN
+for	SCONJ
+them	PRON
+to	PART
+come	VERB
+by	ADV
+and	CCONJ
+replace	VERB
+the	DET
+one	NUM
+board	NOUN
+that	PRON
+is	AUX
+cracked	VERB
+(	PUNCT
+the	DET
+crack	NOUN
+is	AUX
+deep	ADJ
+enough	ADV
+to	PART
+stick	VERB
+a	DET
+penny	NOUN
+in	ADP
+it	PRON
+and	CCONJ
+it	PRON
+goes	VERB
+clear	ADV
+through	ADV
+)	PUNCT
+yet	CCONJ
+they	PRON
+do	AUX
+not	PART
+want	VERB
+to	PART
+take	VERB
+the	DET
+time	NOUN
+to	PART
+bother	VERB
+with	SCONJ
+what	PRON
+once	ADV
+WAS	AUX
+a	DET
+happy	ADJ
+customer	NOUN
+and	CCONJ
+has	AUX
+now	ADV
+become	VERB
+a	DET
+dissatisfied	ADJ
+customer	NOUN
+.	PUNCT
+
+So	ADV
+I	PRON
+figure	VERB
+if	SCONJ
+they	PRON
+do	AUX
+n't	PART
+want	VERB
+to	PART
+take	VERB
+the	DET
+time	NOUN
+to	PART
+fix	VERB
+the	DET
+fence	NOUN
+that	PRON
+they	PRON
+installed	VERB
+then	ADV
+I	PRON
+'ll	AUX
+take	VERB
+the	DET
+time	NOUN
+to	PART
+let	VERB
+everyone	PRON
+I	PRON
+can	AUX
+know	VERB
+about	SCONJ
+how	ADV
+they	PRON
+treat	VERB
+customers	NOUN
+once	SCONJ
+they	PRON
+have	VERB
+your	PRON
+money	NOUN
+!!!	PUNCT
+
+STAY	VERB
+AWAY	ADV
+!!!	PUNCT
+
+YOU	PRON
+GET	VERB
+WHAT	PRON
+YOU	PRON
+PAY	VERB
+FOR	ADP
+!!!	PUNCT
+
+They	PRON
+came	VERB
+in	ADV
+under	ADP
+a	DET
+lot	NOUN
+of	ADP
+other	ADJ
+quotes	NOUN
+and	CCONJ
+now	ADV
+I	PRON
+know	VERB
+why	ADV
+!!!	PUNCT
+
+When	ADV
+the	DET
+fence	NOUN
+was	AUX
+first	ADV
+installed	VERB
+I	PRON
+would	AUX
+have	AUX
+given	VERB
+them	PRON
+five	NUM
+stars	NOUN
+,	PUNCT
+now	ADV
+for	ADP
+their	PRON
+poor	ADJ
+customer	NOUN
+follow	NOUN
+-	PUNCT
+up	NOUN
+and	CCONJ
+unwillingness	NOUN
+to	PART
+fix	VERB
+the	DET
+fence	NOUN
+they	PRON
+have	AUX
+dropped	VERB
+to	ADP
+a	DET
+one	NUM
+-	PUNCT
+star	NOUN
+in	ADP
+my	PRON
+opinion	NOUN
+!	PUNCT
+
+Lots	NOUN
+of	ADP
+rules	NOUN
+,	PUNCT
+phantom	NOUN
+innkeeper	NOUN
+,	PUNCT
+last	ADJ
+minute	NOUN
+price	NOUN
+was	AUX
+worth	ADJ
+it	PRON
+.	PUNCT
+
+I	PRON
+called	VERB
+the	DET
+"	PUNCT
+207	NUM
+"	PUNCT
+number	NOUN
+and	CCONJ
+listened	VERB
+to	ADP
+the	DET
+same	ADJ
+recording	NOUN
+loop	NOUN
+3	NUM
+times	NOUN
+before	SCONJ
+I	PRON
+gave	VERB
+up	ADP
+.	PUNCT
+
+I	PRON
+then	ADV
+called	VERB
+the	DET
+800	NUM
+number	NOUN
+(	PUNCT
+which	PRON
+was	AUX
+answered	VERB
+)	PUNCT
+and	CCONJ
+inquired	VERB
+about	ADP
+last	ADJ
+minute	NOUN
+rates	NOUN
+.	PUNCT
+
+They	PRON
+had	VERB
+a	DET
+room	NOUN
+with	ADP
+a	DET
+$	SYM
+99	NUM
+rate	NOUN
+,	PUNCT
+which	PRON
+I	PRON
+booked	VERB
+.	PUNCT
+
+The	DET
+room	NOUN
+was	AUX
+supposed	VERB
+to	PART
+be	AUX
+on	ADP
+the	DET
+2nd	ADJ
+floor	NOUN
+,	PUNCT
+but	CCONJ
+they	PRON
+put	VERB
+us	PRON
+on	ADP
+the	DET
+3rd	ADJ
+.	PUNCT
+
+The	DET
+email	NOUN
+confirmation	NOUN
+(	PUNCT
+which	PRON
+I	PRON
+read	VERB
+in	ADP
+the	DET
+car	NOUN
+)	PUNCT
+warned	VERB
+about	ADP
+large	ADJ
+suitcases	NOUN
+,	PUNCT
+declaring	VERB
+that	SCONJ
+we	PRON
+are	AUX
+innkeepers	NOUN
+,	PUNCT
+not	ADV
+longshoreman	NOUN
+.	PUNCT
+
+In	ADP
+other	ADJ
+words	NOUN
+,	PUNCT
+they	PRON
+do	AUX
+not	PART
+help	VERB
+with	ADP
+suitcases	NOUN
+,	PUNCT
+but	CCONJ
+they	PRON
+promise	VERB
+totes	NOUN
+to	PART
+help	VERB
+.	PUNCT
+
+However	ADV
+upon	ADP
+our	PRON
+arrival	NOUN
+no	DET
+one	NOUN
+there	ADV
+(	PUNCT
+the	DET
+inn	NOUN
+was	AUX
+open	ADJ
+)	PUNCT
+.	PUNCT
+
+So	ADV
+no	DET
+totes	NOUN
+.	PUNCT
+
+Finally	ADV
+a	DET
+chambermaid	NOUN
+stuck	VERB
+her	PRON
+head	NOUN
+around	ADP
+the	DET
+corner	NOUN
+from	ADP
+the	DET
+top	NOUN
+of	ADP
+the	DET
+stairs	NOUN
+and	CCONJ
+told	VERB
+us	PRON
+sternly	ADV
+that	SCONJ
+we	PRON
+could	AUX
+not	PART
+be	AUX
+accommodated	VERB
+until	ADP
+3	NUM
+M	NOUN
+,	PUNCT
+no	DET
+exceptions	NOUN
+.	PUNCT
+
+Then	ADV
+she	PRON
+was	AUX
+gone	ADJ
+.	PUNCT
+
+We	PRON
+returned	VERB
+after	ADP
+3	NUM
+PM	NOUN
+,	PUNCT
+found	VERB
+no	DET
+one	NOUN
+there	ADV
+,	PUNCT
+and	CCONJ
+a	DET
+note	NOUN
+from	ADP
+the	DET
+innkeeper	NOUN
+with	ADP
+directions	NOUN
+to	ADP
+our	PRON
+room	NOUN
+.	PUNCT
+
+Rules	NOUN
+in	ADP
+the	DET
+room	NOUN
+:	PUNCT
+#	NOUN
+1	X
+)	PUNCT
+if	SCONJ
+you	PRON
+drink	VERB
+the	DET
+soda	NOUN
+from	ADP
+the	DET
+fridge	NOUN
+in	ADP
+your	PRON
+room	NOUN
+you	PRON
+must	AUX
+prove	VERB
+it	PRON
+by	SCONJ
+leaving	VERB
+the	DET
+can	NOUN
+in	ADP
+the	DET
+trash	NOUN
+.	PUNCT
+
+If	SCONJ
+they	PRON
+think	VERB
+you	PRON
+'ve	AUX
+taken	VERB
+a	DET
+soda	NOUN
+from	ADP
+your	PRON
+room	NOUN
+home	ADV
+with	ADP
+you	PRON
+,	PUNCT
+they	PRON
+will	AUX
+charge	VERB
+you	PRON
+$	SYM
+1.50	NUM
+per	ADP
+can	NOUN
+.	PUNCT
+
+They	PRON
+count	VERB
+the	DET
+cans	NOUN
+in	ADP
+the	DET
+trash	NOUN
+to	PART
+make	VERB
+sure	ADJ
+.	PUNCT
+
+#	NOUN
+2	X
+)	PUNCT
+If	SCONJ
+you	PRON
+take	VERB
+the	DET
+shampoo	NOUN
+products	NOUN
+home	ADV
+,	PUNCT
+they	PRON
+will	AUX
+charge	VERB
+you	PRON
+$	SYM
+8	NUM
+per	ADP
+item	NOUN
+.	PUNCT
+
+#	NOUN
+)	PUNCT
+If	SCONJ
+you	PRON
+want	VERB
+a	DET
+late	ADJ
+checkout	NOUN
+,	PUNCT
+(	PUNCT
+after	ADP
+11	NUM
+AM	NOUN
+)	PUNCT
+they	PRON
+charge	VERB
+you	PRON
+$	SYM
+15	NUM
+for	ADP
+the	DET
+first	ADJ
+hour	NOUN
+,	PUNCT
+$	SYM
+25	NUM
+for	ADP
+the	DET
+second	ADJ
+hour	NOUN
+,	PUNCT
+and	CCONJ
+after	ADP
+2	NUM
+PM	NOUN
+it	PRON
+'s	AUX
+a	DET
+full	ADJ
+day	NOUN
+charge	NOUN
+.	PUNCT
+
+#	NOUN
+4	X
+)	PUNCT
+Breakfast	NOUN
+is	AUX
+8	NUM
+AM	NOUN
+to	ADP
+10	NUM
+AM	NOUN
+.	PUNCT
+
+No	ADV
+earlier	ADV
+and	CCONJ
+no	ADV
+later	ADV
+.	PUNCT
+
+If	SCONJ
+you	PRON
+go	VERB
+later	ADV
+,	PUNCT
+it	PRON
+'s	AUX
+all	ADV
+cleaned	VERB
+up	ADP
+.	PUNCT
+
+(	PUNCT
+By	ADP
+whom	PRON
+,	PUNCT
+I	PRON
+do	AUX
+n't	PART
+know	VERB
+.	PUNCT
+
+I	PRON
+never	ADV
+saw	VERB
+anyone	PRON
+there	ADV
+.	PUNCT
+
+All	DET
+these	DET
+rules	NOUN
+are	AUX
+posted	VERB
+in	ADP
+the	DET
+rooms	NOUN
+.	PUNCT
+)	PUNCT
+
+Snacks	NOUN
+:	PUNCT
+uninspired	ADJ
+bread	NOUN
+,	PUNCT
+tea	NOUN
+backs	NOUN
+,	PUNCT
+and	CCONJ
+individual	ADJ
+coffee	NOUN
+things	NOUN
+for	ADP
+a	DET
+machine	NOUN
+that	PRON
+did	AUX
+n't	PART
+exist	VERB
+.	PUNCT
+
+I	PRON
+put	VERB
+the	DET
+coffee	NOUN
+thing	NOUN
+in	ADP
+hot	ADJ
+water	NOUN
+and	CCONJ
+settled	VERB
+for	ADP
+a	DET
+cup	NOUN
+of	ADP
+weak	ADJ
+coffee	NOUN
+.	PUNCT
+
+No	DET
+wine	NOUN
+glasses	NOUN
+.	PUNCT
+
+Room	NOUN
+was	AUX
+clean	ADJ
+,	PUNCT
+but	CCONJ
+had	VERB
+a	DET
+weird	ADJ
+,	PUNCT
+dated	ADJ
+,	PUNCT
+sink	NOUN
+/	PUNCT
+stove	NOUN
+combo	NOUN
+that	PRON
+did	AUX
+n't	PART
+work	VERB
+.	PUNCT
+
+Bath	NOUN
+was	AUX
+clean	ADJ
+except	ADP
+shower	NOUN
+stall	NOUN
+which	PRON
+had	VERB
+mildew	NOUN
+problems	NOUN
+.	PUNCT
+
+No	DET
+tub	NOUN
+.	PUNCT
+
+The	DET
+Inn	NOUN
+touts	VERB
+a	DET
+shower	NOUN
+with	ADP
+dual	ADJ
+shower	NOUN
+heads	NOUN
+,	PUNCT
+but	CCONJ
+only	ADV
+one	NUM
+worked	VERB
+.	PUNCT
+
+Do	AUX
+n't	PART
+get	VERB
+the	DET
+rooms	NOUN
+off	ADP
+the	DET
+two	NUM
+kitchens	NOUN
+.	PUNCT
+
+They	PRON
+are	AUX
+RIGHT	ADV
+OFF	ADP
+the	DET
+kitchen	NOUN
+so	ADV
+you	PRON
+hear	VERB
+everything	PRON
+.	PUNCT
+
+Free	ADJ
+parking	NOUN
+.	PUNCT
+
+I	PRON
+'d	AUX
+go	VERB
+back	ADV
+if	SCONJ
+I	PRON
+could	AUX
+get	VERB
+the	DET
+last	ADJ
+minute	NOUN
+rate	NOUN
+again	ADV
+of	ADP
+$	SYM
+99	NUM
+,	PUNCT
+but	CCONJ
+I	PRON
+would	AUX
+n't	PART
+pay	VERB
+their	PRON
+rack	NOUN
+rate	NOUN
+.	PUNCT
+
+Quit	VERB
+with	ADP
+the	DET
+overstatements	NOUN
+!	PUNCT
+
+The	DET
+worst	ADJ
+thing	NOUN
+that	PRON
+can	AUX
+happen	VERB
+for	ADP
+any	DET
+restaurant	NOUN
+like	ADP
+Zahav	PROPN
+is	VERB
+to	PART
+have	VERB
+too	ADV
+many	ADJ
+people	NOUN
+write	VERB
+hyperbolic	ADJ
+reviews	NOUN
+making	VERB
+claims	NOUN
+that	SCONJ
+"	PUNCT
+everyone	PRON
+"	PUNCT
+is	AUX
+going	VERB
+to	PART
+"	PUNCT
+love	VERB
+"	PUNCT
+the	DET
+food	NOUN
+,	PUNCT
+decor	NOUN
+and	CCONJ
+service	NOUN
+.	PUNCT
+
+The	DET
+truth	NOUN
+is	VERB
+,	PUNCT
+in	ADP
+my	PRON
+and	CCONJ
+my	PRON
+dining	NOUN
+partners	NOUN
+'	PART
+experience	NOUN
+,	PUNCT
+this	PRON
+is	AUX
+a	DET
+fine	ADJ
+little	ADJ
+restaurant	NOUN
+with	ADP
+some	DET
+unique	ADJ
+food	NOUN
+.	PUNCT
+
+It	PRON
+'s	AUX
+an	DET
+entirely	ADV
+up	ADV
+and	CCONJ
+down	ADV
+experience	NOUN
+,	PUNCT
+however	ADV
+.	PUNCT
+
+Now	ADV
+,	PUNCT
+the	DET
+best	ADJ
+of	ADP
+that	DET
+unique	ADJ
+food	NOUN
+comes	VERB
+at	ADP
+the	DET
+very	ADJ
+beginning	NOUN
+of	ADP
+the	DET
+meal	NOUN
+.	PUNCT
+
+The	DET
+salatim	NOUN
+salads	NOUN
+are	AUX
+the	DET
+smallest	ADJ
+plates	NOUN
+I	PRON
+'ve	AUX
+ever	ADV
+seen	VERB
+placed	VERB
+in	ADP
+front	NOUN
+of	ADP
+me	PRON
+(	PUNCT
+you	PRON
+would	AUX
+most	ADV
+likely	ADV
+think	VERB
+they	PRON
+were	AUX
+condiments	NOUN
+if	SCONJ
+it	PRON
+were	AUX
+n't	PART
+explained	VERB
+to	ADP
+you	PRON
+)	PUNCT
+.	PUNCT
+
+Though	SCONJ
+they	PRON
+are	AUX
+mostly	ADV
+excellent	ADJ
+,	PUNCT
+you	PRON
+generally	ADV
+do	AUX
+n't	PART
+get	VERB
+enough	ADJ
+forkfuls	NOUN
+to	PART
+know	VERB
+if	SCONJ
+you	PRON
+really	ADV
+love	VERB
+them	PRON
+.	PUNCT
+
+That	PRON
+being	AUX
+said	VERB
+,	PUNCT
+the	DET
+laffa	NOUN
+and	CCONJ
+hummus	NOUN
+are	AUX
+out	ADP
+of	ADP
+this	DET
+world	NOUN
+.	PUNCT
+
+Then	ADV
+again	ADV
+,	PUNCT
+for	ADP
+the	DET
+three	NUM
+of	ADP
+us	PRON
+who	PRON
+dined	VERB
+together	ADV
+,	PUNCT
+two	NUM
+pieces	NOUN
+of	ADP
+flatbread	NOUN
+left	VERB
+us	PRON
+fighting	VERB
+for	ADP
+more	ADJ
+,	PUNCT
+and	CCONJ
+licking	VERB
+the	DET
+hummus	NOUN
+from	ADP
+our	PRON
+fingers	NOUN
+(	PUNCT
+and	CCONJ
+yes	INTJ
+,	PUNCT
+those	DET
+two	NUM
+pieces	NOUN
+of	ADP
+flatbread	NOUN
+did	AUX
+represent	VERB
+a	DET
+three	NUM
+-	PUNCT
+person	NOUN
+order	NOUN
+)	PUNCT
+.	PUNCT
+
+Dinner	NOUN
+was	AUX
+also	ADV
+an	DET
+up	ADJ
+-	PUNCT
+and	CCONJ
+-	PUNCT
+down	ADJ
+experience	NOUN
+.	PUNCT
+
+The	DET
+vegetarian	ADJ
+dishes	NOUN
+and	CCONJ
+lighter	ADJ
+fare	NOUN
+were	AUX
+almost	ADV
+always	ADV
+spot	ADJ
+-	PUNCT
+on	ADJ
+,	PUNCT
+while	SCONJ
+the	DET
+lamb	NOUN
+was	AUX
+often	ADV
+dry	ADJ
+and	CCONJ
+/	SYM
+or	CCONJ
+overcooked	ADJ
+.	PUNCT
+
+The	DET
+duck	NOUN
+was	AUX
+a	DET
+65	NUM
+%	SYM
+glob	NOUN
+of	ADP
+chewy	ADJ
+fat	NOUN
+with	ADP
+no	DET
+resemblance	NOUN
+to	ADP
+the	DET
+juicy	ADJ
+,	PUNCT
+crispy	ADJ
+delicacy	NOUN
+it	PRON
+usually	ADV
+represents	VERB
+at	ADP
+other	ADJ
+establishments	NOUN
+.	PUNCT
+
+Dessert	NOUN
+was	VERB
+...	PUNCT
+hmmm	INTJ
+,	PUNCT
+that	PRON
+'s	AUX
+interesting	ADJ
+,	PUNCT
+I	PRON
+do	AUX
+n't	PART
+even	ADV
+remember	VERB
+dessert	NOUN
+.	PUNCT
+
+I	PRON
+guess	VERB
+that	PRON
+tells	VERB
+you	PRON
+a	DET
+lot	NOUN
+.	PUNCT
+
+Oh	INTJ
+,	PUNCT
+yes	INTJ
+,	PUNCT
+the	DET
+chocolate	NOUN
+semifreddo	NOUN
+was	AUX
+quite	ADV
+good	ADJ
+.	PUNCT
+
+The	DET
+warm	ADJ
+chocolate	NOUN
+cake	NOUN
+was	VERB
+very	ADV
+tasty	ADJ
+,	PUNCT
+but	CCONJ
+served	VERB
+at	ADP
+room	NOUN
+temperature	NOUN
+,	PUNCT
+not	ADV
+warm	ADJ
+by	ADP
+any	DET
+stretch	NOUN
+of	ADP
+the	DET
+imagination	NOUN
+.	PUNCT
+
+And	CCONJ
+my	PRON
+--	PUNCT
+no	INTJ
+,	PUNCT
+I	PRON
+still	ADV
+do	AUX
+n't	PART
+remember	VERB
+what	PRON
+I	PRON
+had	VERB
+.	PUNCT
+
+Service	NOUN
+was	AUX
+average	ADJ
+,	PUNCT
+but	CCONJ
+nothing	PRON
+special	ADJ
+,	PUNCT
+and	CCONJ
+restaurants	NOUN
+that	PRON
+are	AUX
+supposed	VERB
+to	PART
+be	AUX
+excellent	ADJ
+should	AUX
+do	VERB
+a	DET
+better	ADJ
+job	NOUN
+of	SCONJ
+training	VERB
+their	PRON
+waitstaff	NOUN
+to	PART
+be	AUX
+communicative	ADJ
+and	CCONJ
+friendly	ADJ
+,	PUNCT
+not	ADV
+merely	ADV
+capable	ADJ
+.	PUNCT
+
+Perhaps	ADV
+had	AUX
+we	PRON
+not	PART
+gone	VERB
+into	ADP
+this	DET
+restaurant	NOUN
+believing	VERB
+Zahav	PROPN
+was	AUX
+going	VERB
+to	PART
+be	AUX
+golden	ADJ
+as	SCONJ
+its	PRON
+name	NOUN
+suggests	VERB
+(	PUNCT
+and	CCONJ
+as	SCONJ
+the	DET
+many	ADJ
+golden	ADJ
+reviews	NOUN
+seem	VERB
+to	PART
+attest	VERB
+)	PUNCT
+,	PUNCT
+we	PRON
+would	AUX
+have	AUX
+enjoyed	VERB
+a	DET
+decent	ADJ
+little	ADJ
+expensive	ADJ
+experience	NOUN
+.	PUNCT
+
+But	CCONJ
+one	PRON
+should	AUX
+not	PART
+go	VERB
+here	ADV
+expecting	VERB
+something	PRON
+fantastic	ADJ
+,	PUNCT
+unless	SCONJ
+perhaps	ADV
+you	PRON
+'ve	AUX
+never	ADV
+had	VERB
+middle	ADJ
+-	PUNCT
+eastern	ADJ
+food	NOUN
+before	ADV
+,	PUNCT
+or	CCONJ
+succulent	ADJ
+duck	NOUN
+,	PUNCT
+tasty	ADJ
+lamb	NOUN
+,	PUNCT
+decent	ADJ
+portion	NOUN
+sizes	VERB
+or	CCONJ
+actually	ADV
+warm	ADJ
+chocolate	NOUN
+desserts	NOUN
+.	PUNCT
+
+PS	NOUN
+)	PUNCT
+When	ADV
+we	PRON
+called	VERB
+for	ADP
+a	DET
+reservation	NOUN
+,	PUNCT
+we	PRON
+were	AUX
+told	VERB
+that	SCONJ
+5:00	NUM
+and	CCONJ
+9:30	NUM
+were	AUX
+their	PRON
+only	ADJ
+openings	NOUN
+.	PUNCT
+
+When	ADV
+we	PRON
+arrived	VERB
+at	ADP
+5	NUM
+,	PUNCT
+and	CCONJ
+left	VERB
+circa	ADP
+7	NUM
+,	PUNCT
+there	PRON
+were	VERB
+the	DET
+same	ADJ
+4	NUM
+or	CCONJ
+5	NUM
+empty	ADJ
+tables	NOUN
+surrounding	VERB
+us	PRON
+.	PUNCT
+
+Did	AUX
+they	PRON
+think	VERB
+we	PRON
+were	AUX
+going	VERB
+to	PART
+feel	VERB
+lucky	ADJ
+to	PART
+get	VERB
+any	DET
+reservation	NOUN
+at	ADV
+all	ADV
+,	PUNCT
+and	CCONJ
+therefore	ADV
+be	AUX
+more	ADV
+pleased	ADJ
+with	ADP
+our	PRON
+dining	NOUN
+experience	NOUN
+?	PUNCT
+
+MUST	AUX
+READ	VERB
+-	PUNCT
+Do	AUX
+not	PART
+waste	VERB
+your	PRON
+time	NOUN
+in	ADP
+this	DET
+store	NOUN
+.	PUNCT
+
+At	ADP
+my	PRON
+appointment	NOUN
+the	DET
+girl	NOUN
+helping	VERB
+me	PRON
+was	AUX
+unable	ADJ
+to	PART
+adequately	ADV
+lace	VERB
+up	ADP
+some	DET
+of	ADP
+the	DET
+dresses	NOUN
+.	PUNCT
+
+They	PRON
+felt	VERB
+like	SCONJ
+they	PRON
+were	AUX
+going	VERB
+to	PART
+fall	VERB
+off	ADV
+of	ADP
+me	PRON
+and	CCONJ
+it	PRON
+was	AUX
+very	ADV
+difficult	ADJ
+to	PART
+see	VERB
+what	PRON
+I	PRON
+would	AUX
+actually	ADV
+look	VERB
+like	ADP
+were	VERB
+I	PRON
+to	PART
+purchase	VERB
+some	DET
+of	ADP
+these	DET
+dresses	NOUN
+.	PUNCT
+
+I	PRON
+thought	VERB
+it	PRON
+would	AUX
+be	AUX
+a	DET
+good	ADJ
+idea	NOUN
+to	PART
+see	VERB
+how	ADV
+a	DET
+few	ADJ
+that	PRON
+I	PRON
+liked	VERB
+would	AUX
+look	VERB
+like	ADP
+on	ADP
+a	DET
+model	NOUN
+(	PUNCT
+by	SCONJ
+looking	VERB
+the	DET
+dress	NOUN
+up	ADP
+online	ADV
+)	PUNCT
+.	PUNCT
+
+So	ADV
+,	PUNCT
+as	SCONJ
+I	PRON
+was	AUX
+leaving	VERB
+I	PRON
+asked	VERB
+for	ADP
+the	DET
+designer	NOUN
+/	PUNCT
+dress	NOUN
+name	NOUN
+or	CCONJ
+style	NOUN
+number	NOUN
+associated	VERB
+with	ADP
+my	PRON
+top	ADJ
+picks	NOUN
+.	PUNCT
+
+They	PRON
+said	VERB
+they	PRON
+were	AUX
+"	PUNCT
+unable	ADJ
+to	PART
+tell	VERB
+me	PRON
+until	SCONJ
+they	PRON
+ordered	VERB
+my	PRON
+dress	NOUN
+"	PUNCT
+.	PUNCT
+
+Hmmm	INTJ
+...	PUNCT
+A	DET
+person	NOUN
+can	AUX
+not	PART
+call	VERB
+a	DET
+company	NOUN
+,	PUNCT
+if	SCONJ
+you	PRON
+have	VERB
+no	DET
+idea	NOUN
+its	PRON
+name	NOUN
+(	PUNCT
+since	SCONJ
+the	DET
+designer	NOUN
+is	AUX
+unknown	ADJ
+...	PUNCT
+SUPPOSEDLY	ADV
+)	PUNCT
+,	PUNCT
+and	CCONJ
+order	VERB
+a	DET
+gown	NOUN
+without	ADP
+a	DET
+dress	NOUN
+name	NOUN
+or	CCONJ
+style	NOUN
+number	NOUN
+.	PUNCT
+
+Do	AUX
+other	ADJ
+brides	NOUN
+fall	VERB
+for	ADP
+this	PRON
+???	PUNCT
+
+They	PRON
+either	CCONJ
+:	PUNCT
+a	X
+)	PUNCT
+do	AUX
+n't	PART
+want	VERB
+to	PART
+give	VERB
+it	PRON
+to	ADP
+me	PRON
+because	SCONJ
+they	PRON
+do	AUX
+n't	PART
+want	VERB
+me	PRON
+purchasing	VERB
+the	DET
+dress	NOUN
+elsewhere	ADV
+or	CCONJ
+b	X
+)	PUNCT
+are	AUX
+recreating	VERB
+the	DET
+dresses	NOUN
+themselves	PRON
+(	PUNCT
+ie	X
+STEALING	VERB
+other	ADJ
+designers	NOUN
+'	PART
+dress	NOUN
+designs	NOUN
+and	CCONJ
+"	PUNCT
+filling	VERB
+the	DET
+orders	NOUN
+"	PUNCT
+by	ADP
+their	PRON
+own	ADJ
+seamstresses	NOUN
+)	PUNCT
+.	PUNCT
+
+I	PRON
+'m	AUX
+no	DET
+detective	NOUN
+but	CCONJ
+...	PUNCT
+uhh	INTJ
+...	PUNCT
+seriously	ADV
+?!?	PUNCT
+
+Whatever	DET
+type	NOUN
+of	ADP
+operation	NOUN
+they	PRON
+are	AUX
+running	VERB
+,	PUNCT
+I	PRON
+'m	AUX
+not	PART
+interested	ADJ
+and	CCONJ
+if	SCONJ
+you	PRON
+'re	AUX
+smart	ADJ
+,	PUNCT
+you	PRON
+wo	AUX
+n't	PART
+be	VERB
+either	ADV
+.	PUNCT
+
+What	PRON
+a	DET
+waste	NOUN
+of	ADP
+TIME	NOUN
+.	PUNCT
+
+Aside	ADV
+from	ADP
+that	DET
+little	ADJ
+*	PUNCT
+mystery	NOUN
+*	PUNCT
+,	PUNCT
+one	NUM
+of	ADP
+the	DET
+sales	NOUN
+ladies	NOUN
+was	AUX
+quite	ADV
+comfortable	ADJ
+telling	VERB
+me	PRON
+how	ADV
+wrong	ADJ
+I	PRON
+was	VERB
+about	SCONJ
+how	ADV
+another	DET
+dress	NOUN
+that	PRON
+I	PRON
+loved	VERB
+compared	VERB
+to	ADP
+one	NUM
+of	ADP
+her	PRON
+dresses	NOUN
+that	PRON
+I	PRON
+was	AUX
+trying	VERB
+on	ADP
+.	PUNCT
+
+Somehow	ADV
+,	PUNCT
+since	SCONJ
+she	PRON
+supposedly	ADV
+does	AUX
+n't	PART
+know	VERB
+any	DET
+names	NOUN
+of	ADP
+designers	NOUN
+/	PUNCT
+dresses	NOUN
+,	PUNCT
+after	SCONJ
+I	PRON
+told	VERB
+her	PRON
+the	DET
+designer	NOUN
+and	CCONJ
+dress	NOUN
+name	NOUN
+of	ADP
+the	DET
+one	NOUN
+I	PRON
+was	AUX
+comparing	VERB
+,	PUNCT
+she	PRON
+knew	VERB
+"	PUNCT
+exactly	ADV
+which	DET
+dress	NOUN
+"	PUNCT
+I	PRON
+was	AUX
+referring	VERB
+to	ADP
+and	CCONJ
+disagreed	VERB
+with	ADP
+my	PRON
+observation	NOUN
+;	PUNCT
+she	PRON
+said	VERB
+that	SCONJ
+the	DET
+bodice	NOUN
+did	AUX
+come	VERB
+as	ADV
+low	ADV
+as	ADP
+the	DET
+one	NOUN
+I	PRON
+had	VERB
+on	ADV
+.	PUNCT
+
+My	PRON
+point	NOUN
+:	PUNCT
+Even	ADV
+if	SCONJ
+I	PRON
+was	AUX
+wrong	ADJ
+,	PUNCT
+do	AUX
+n't	PART
+sit	VERB
+there	ADV
+and	CCONJ
+argue	VERB
+with	ADP
+the	DET
+customer	NOUN
+.	PUNCT
+
+Say	VERB
+something	PRON
+like	ADP
+,	PUNCT
+"	PUNCT
+Huh	INTJ
+.	PUNCT
+
+I	PRON
+did	AUX
+n't	PART
+think	VERB
+so	ADV
+but	CCONJ
+you	PRON
+could	AUX
+be	AUX
+right	ADJ
+.	PUNCT
+"	PUNCT
+
+Unless	SCONJ
+you	PRON
+want	VERB
+to	PART
+take	VERB
+the	DET
+"	PUNCT
+tell	VERB
+the	DET
+customer	NOUN
+how	ADV
+wrong	ADJ
+she	PRON
+is	VERB
+and	CCONJ
+try	VERB
+and	CCONJ
+force	VERB
+her	PRON
+into	ADP
+a	DET
+dress	NOUN
+she	PRON
+'s	AUX
+obviously	ADV
+not	PART
+loving	VERB
+"	PUNCT
+approach	NOUN
+which	PRON
+will	AUX
+likely	ADV
+get	VERB
+you	PRON
+...	PUNCT
+uh	INTJ
+...	PUNCT
+nowhere	ADV
+.	PUNCT
+
+Seriously	ADV
+:	PUNCT
+do	AUX
+not	PART
+waste	VERB
+your	PRON
+time	NOUN
+.	PUNCT
+
+Other	ADJ
+shops	NOUN
+around	ADP
+this	DET
+city	NOUN
+have	VERB
+MUCH	ADV
+NICER	ADJ
+and	CCONJ
+more	ADV
+TRANSPARENT	ADJ
+owners	NOUN
+.	PUNCT
+
+Not	PART
+owners	NOUN
+that	PRON
+seem	VERB
+like	SCONJ
+they	PRON
+have	VERB
+something	PRON
+to	PART
+hide	VERB
+and	CCONJ
+know	VERB
+nothing	PRON
+about	ADP
+common	ADJ
+courtesy	NOUN
+and	CCONJ
+customer	NOUN
+service	NOUN
+.	PUNCT
+
+I	PRON
+felt	VERB
+very	ADV
+much	ADV
+like	SCONJ
+Wedding	PROPN
+Gallery	PROPN
+was	AUX
+being	AUX
+dishonest	ADJ
+and	CCONJ
+I	PRON
+would	AUX
+n't	PART
+trust	VERB
+them	PRON
+to	PART
+lace	VERB
+me	PRON
+up	ADP
+in	ADP
+another	DET
+gown	NOUN
+let	ADV
+alone	ADV
+trust	VERB
+them	PRON
+with	ADP
+the	DET
+gown	NOUN
+I	PRON
+will	AUX
+wear	VERB
+on	ADP
+the	DET
+most	ADV
+important	ADJ
+day	NOUN
+of	ADP
+my	PRON
+life	NOUN
+.	PUNCT
+
+AWFUL	ADJ
+SERVICE	NOUN
+!	PUNCT
+
+After	SCONJ
+happily	ADV
+visiting	VERB
+Sear's	PROPN
+Automotives	PROPN
+in	ADP
+the	DET
+past	NOUN
+,	PUNCT
+I	PRON
+was	AUX
+shocked	ADJ
+at	ADP
+the	DET
+horrible	ADJ
+service	NOUN
+received	VERB
+at	ADP
+their	PRON
+Greensboro	PROPN
+location	NOUN
+.	PUNCT
+
+I	PRON
+brought	VERB
+my	PRON
+car	NOUN
+in	ADV
+on	ADP
+a	DET
+Sunday	PROPN
+to	PART
+replace	VERB
+a	DET
+shredded	VERB
+tire	NOUN
+.	PUNCT
+
+I	PRON
+waited	VERB
+about	ADV
+20	NUM
+minutes	NOUN
+in	ADP
+the	DET
+store	NOUN
+part	NOUN
+before	SCONJ
+anyone	PRON
+was	AUX
+able	ADJ
+to	PART
+assist	VERB
+me	PRON
+and	CCONJ
+was	AUX
+then	ADV
+told	VERB
+to	PART
+pull	VERB
+my	PRON
+car	NOUN
+into	ADP
+the	DET
+shop	NOUN
+(	PUNCT
+that	PRON
+is	AUX
+apparently	ADV
+what	PRON
+you	PRON
+are	AUX
+supposed	VERB
+to	PART
+do	VERB
+,	PUNCT
+but	CCONJ
+the	DET
+big	ADJ
+signs	NOUN
+pointing	VERB
+you	PRON
+that	DET
+way	NOUN
+are	AUX
+for	ADP
+some	DET
+reason	NOUN
+kept	VERB
+inside	ADP
+the	DET
+garage	NOUN
+,	PUNCT
+so	ADV
+you	PRON
+do	AUX
+n't	PART
+see	VERB
+them	PRON
+drving	VERB
+up	ADV
+,	PUNCT
+and	CCONJ
+they	PRON
+purposely	ADV
+block	VERB
+the	DET
+front	NOUN
+pull	NOUN
+-	PUNCT
+up	NOUN
+that	PRON
+all	DET
+other	ADJ
+Sear's	PROPN
+use	VERB
+)	PUNCT
+.	PUNCT
+
+Once	SCONJ
+inside	ADV
+,	PUNCT
+I	PRON
+had	VERB
+to	PART
+stand	VERB
+around	ADV
+for	ADP
+at	ADV
+least	ADV
+10	NUM
+more	ADJ
+minutes	NOUN
+before	SCONJ
+--	PUNCT
+FINALLY	ADV
+--	PUNCT
+a	DET
+technician	ADJ
+got	VERB
+to	ADP
+me	PRON
+.	PUNCT
+
+Once	SCONJ
+I	PRON
+returned	VERB
+to	PART
+pick	VERB
+up	ADP
+my	PRON
+car	NOUN
+,	PUNCT
+you	PRON
+can	AUX
+believe	VERB
+I	PRON
+spent	VERB
+quite	DET
+a	DET
+bit	NOUN
+MORE	ADJ
+time	NOUN
+standing	VERB
+around	ADV
+waiting	VERB
+.	PUNCT
+
+I	PRON
+had	AUX
+wanted	VERB
+to	PART
+split	VERB
+the	DET
+total	NOUN
+between	ADP
+a	DET
+credit	NOUN
+card	NOUN
+and	CCONJ
+check	NOUN
+card	NOUN
+since	SCONJ
+I	PRON
+was	AUX
+being	AUX
+reimbursed	VERB
+for	ADP
+the	DET
+tire	NOUN
+but	CCONJ
+was	AUX
+told	VERB
+this	PRON
+was	AUX
+n't	PART
+possible	ADJ
+.	PUNCT
+
+Once	SCONJ
+I	PRON
+actually	ADV
+got	VERB
+back	ADV
+in	ADP
+my	PRON
+car	NOUN
+,	PUNCT
+it	PRON
+was	AUX
+dirty	ADJ
+and	CCONJ
+had	VERB
+grease	NOUN
+all	ADV
+over	ADP
+the	DET
+steering	NOUN
+wheel	NOUN
+.	PUNCT
+
+OK	INTJ
+,	PUNCT
+one	NUM
+bad	ADJ
+experience	NOUN
+...	PUNCT
+fine	INTJ
+.	PUNCT
+
+The	DET
+following	VERB
+Friday	PROPN
+,	PUNCT
+I	PRON
+returned	VERB
+with	ADP
+my	PRON
+car	NOUN
+to	PART
+go	VERB
+ahead	ADV
+and	CCONJ
+replace	VERB
+the	DET
+other	ADJ
+3	NUM
+tires	NOUN
+,	PUNCT
+which	PRON
+were	AUX
+worn	ADJ
+.	PUNCT
+
+I	PRON
+would	AUX
+not	PART
+have	AUX
+gone	VERB
+back	ADV
+,	PUNCT
+but	CCONJ
+I	PRON
+could	AUX
+n't	PART
+find	VERB
+the	DET
+particular	ADJ
+tire	NOUN
+they	PRON
+'d	AUX
+used	VERB
+in	ADP
+stock	NOUN
+anywhere	ADV
+else	ADV
+.	PUNCT
+
+Once	ADV
+again	ADV
+,	PUNCT
+I	PRON
+waited	VERB
+for	ADP
+quite	DET
+a	DET
+bit	NOUN
+before	SCONJ
+being	AUX
+attended	VERB
+to	ADP
+.	PUNCT
+
+I	PRON
+got	VERB
+the	DET
+order	NOUN
+completed	VERB
+,	PUNCT
+and	CCONJ
+then	ADV
+questioned	VERB
+the	DET
+technician	NOUN
+since	SCONJ
+it	PRON
+came	VERB
+out	ADV
+about	ADV
+$	SYM
+40	NUM
+less	ADJ
+than	SCONJ
+I	PRON
+expected	VERB
+.	PUNCT
+
+He	PRON
+said	VERB
+it	PRON
+was	AUX
+the	DET
+same	ADJ
+tire	NOUN
+,	PUNCT
+and	CCONJ
+verified	VERB
+this	PRON
+,	PUNCT
+after	SCONJ
+checking	VERB
+both	CCONJ
+the	DET
+actual	ADJ
+tire	NOUN
+on	ADP
+my	PRON
+car	NOUN
+and	CCONJ
+my	PRON
+service	NOUN
+papers	NOUN
+from	ADP
+earlier	ADV
+in	ADP
+the	DET
+week	NOUN
+.	PUNCT
+
+However	ADV
+,	PUNCT
+when	ADV
+he	PRON
+printed	VERB
+out	ADP
+the	DET
+service	NOUN
+quote	NOUN
+,	PUNCT
+I	PRON
+could	AUX
+see	VERB
+that	SCONJ
+it	PRON
+was	AUX
+NOT	PART
+the	DET
+correct	ADJ
+tire	NOUN
+,	PUNCT
+and	CCONJ
+was	AUX
+not	PART
+even	ADV
+an	DET
+appropriate	ADJ
+tire	NOUN
+for	ADP
+my	PRON
+car	NOUN
+model	NOUN
+.	PUNCT
+
+So	ADV
+I	PRON
+pointed	VERB
+this	PRON
+out	ADP
+to	ADP
+him	PRON
+,	PUNCT
+at	ADP
+which	DET
+point	NOUN
+he	PRON
+said	VERB
+they	PRON
+only	ADV
+had	VERB
+one	NUM
+of	ADP
+the	DET
+correct	ADJ
+tires	NOUN
+in	ADP
+stock	NOUN
+.	PUNCT
+
+Ok	INTJ
+--	PUNCT
+fine	INTJ
+.	PUNCT
+
+So	ADV
+I	PRON
+got	VERB
+just	ADV
+my	PRON
+other	ADJ
+rear	ADJ
+tire	NOUN
+replaced	VERB
+.	PUNCT
+
+They	PRON
+promised	VERB
+it	PRON
+'d	AUX
+be	AUX
+done	VERB
+within	ADP
+an	DET
+hour	NOUN
+,	PUNCT
+so	ADV
+I	PRON
+waited	VERB
+in	ADP
+the	DET
+lobby	NOUN
+.	PUNCT
+
+Over	ADP
+two	NUM
+hours	NOUN
+later	ADV
+(	PUNCT
+and	CCONJ
+ten	NUM
+minutes	NOUN
+before	SCONJ
+they	PRON
+closed	VERB
+)	PUNCT
+my	PRON
+car	NOUN
+was	AUX
+finally	ADV
+finished	VERB
+.	PUNCT
+
+A	DET
+few	ADJ
+minutes	NOUN
+after	SCONJ
+I	PRON
+left	VERB
+,	PUNCT
+I	PRON
+was	AUX
+called	VERB
+and	CCONJ
+informed	VERB
+that	SCONJ
+"	PUNCT
+I	PRON
+"	PUNCT
+left	VERB
+my	PRON
+wheel	NOUN
+lock	NOUN
+(	PUNCT
+which	PRON
+they	PRON
+should	AUX
+have	AUX
+left	VERB
+in	ADP
+the	DET
+car	NOUN
+)	PUNCT
+.	PUNCT
+
+Of	ADV
+course	ADV
+,	PUNCT
+they	PRON
+would	AUX
+be	AUX
+closing	VERB
+in	ADP
+5	NUM
+minutes	NOUN
+,	PUNCT
+so	ADV
+I	PRON
+would	AUX
+have	VERB
+to	PART
+hurry	VERB
+up	ADP
+or	CCONJ
+get	VERB
+it	PRON
+the	DET
+next	ADJ
+day	NOUN
+.	PUNCT
+
+Of	ADV
+course	ADV
+I	PRON
+could	AUX
+n't	PART
+make	VERB
+it	PRON
+back	ADV
+in	ADP
+time	NOUN
+(	PUNCT
+and	CCONJ
+they	PRON
+apparently	ADV
+could	AUX
+not	PART
+stay	VERB
+5	NUM
+extra	ADJ
+minutes	NOUN
+to	PART
+wait	VERB
+for	ADP
+me	PRON
+)	PUNCT
+.	PUNCT
+
+The	DET
+next	ADJ
+day	NOUN
+,	PUNCT
+no	DET
+one	NOUN
+could	AUX
+find	VERB
+my	PRON
+wheel	NOUN
+lock	NOUN
+and	CCONJ
+that	DET
+particular	ADJ
+technician	NOUN
+was	AUX
+not	PART
+in	ADV
+.	PUNCT
+
+Of	ADV
+course	ADV
+,	PUNCT
+they	PRON
+could	AUX
+n't	PART
+call	VERB
+him	PRON
+either	ADV
+to	PART
+ask	VERB
+about	ADP
+it	PRON
+because	SCONJ
+apparently	ADV
+they	PRON
+do	AUX
+n't	PART
+keep	VERB
+their	PRON
+employees	NOUN
+'	PART
+phone	NOUN
+numbers	NOUN
+(	PUNCT
+riiight	INTJ
+)	PUNCT
+,	PUNCT
+so	ADV
+I	PRON
+would	AUX
+have	VERB
+to	PART
+return	VERB
+on	ADP
+Monday	PROPN
+(	PUNCT
+driving	VERB
+for	ADP
+3	NUM
+days	NOUN
+now	ADV
+with	ADP
+no	DET
+wheel	NOUN
+lock	NOUN
+should	AUX
+I	PRON
+get	VERB
+a	DET
+flat	NOUN
+)	PUNCT
+.	PUNCT
+
+On	ADP
+Monday	PROPN
+I	PRON
+called	VERB
+and	CCONJ
+again	ADV
+it	PRON
+was	AUX
+a	DET
+big	ADJ
+to	NOUN
+-	PUNCT
+do	NOUN
+to	PART
+find	VERB
+anyone	PRON
+who	PRON
+knew	VERB
+anything	PRON
+about	ADP
+it	PRON
+.	PUNCT
+
+Supposedly	ADV
+they	PRON
+will	AUX
+be	AUX
+holding	VERB
+it	PRON
+for	ADP
+me	PRON
+this	DET
+evening	NOUN
+,	PUNCT
+but	CCONJ
+I	PRON
+'m	AUX
+sure	ADJ
+that	PRON
+will	AUX
+also	ADV
+be	AUX
+a	DET
+huge	ADJ
+ordeal	NOUN
+.	PUNCT
+
+The	DET
+employees	NOUN
+at	ADP
+this	DET
+Sear's	PROPN
+are	AUX
+completely	ADV
+apathetic	ADJ
+and	CCONJ
+there	PRON
+did	AUX
+n't	PART
+seem	VERB
+to	PART
+be	VERB
+any	DET
+sort	NOUN
+of	ADP
+management	NOUN
+that	PRON
+I	PRON
+could	AUX
+see	VERB
+.	PUNCT
+
+I	PRON
+will	AUX
+never	ADV
+return	VERB
+there	ADV
+again	ADV
+(	PUNCT
+and	CCONJ
+now	ADV
+have	VERB
+some	DET
+serious	ADJ
+doubts	NOUN
+about	ADP
+the	DET
+quality	NOUN
+of	ADP
+work	NOUN
+they	PRON
+actually	ADV
+performed	VERB
+on	ADP
+my	PRON
+car	NOUN
+)	PUNCT
+.	PUNCT
+